id
large_stringlengths 9
16
| submitter
large_stringlengths 3
64
⌀ | authors
large_stringlengths 5
20.7k
| title
large_stringlengths 5
245
| comments
large_stringlengths 1
482
⌀ | journal-ref
large_stringlengths 4
382
⌀ | doi
large_stringlengths 9
151
⌀ | report-no
large_stringlengths 2
509
⌀ | categories
large_stringlengths 5
78
| license
large_stringclasses 9
values | abstract
large_stringlengths 83
3.55k
| versions
large listlengths 1
21
| update_date
timestamp[ms]date 2007-05-23 00:00:00
2025-04-25 00:00:00
| authors_parsed
large listlengths 1
1.35k
| prompt
large_stringlengths 166
3.64k
|
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
2303.00440 | Guozhen Zhang | Guozhen Zhang, Yuhan Zhu, Haonan Wang, Youxin Chen, Gangshan Wu, Limin
Wang | Extracting Motion and Appearance via Inter-Frame Attention for Efficient
Video Frame Interpolation | Accepted by CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Effectively extracting inter-frame motion and appearance information is
important for video frame interpolation (VFI). Previous works either extract
both types of information in a mixed way or elaborate separate modules for each
type of information, which lead to representation ambiguity and low efficiency.
In this paper, we propose a novel module to explicitly extract motion and
appearance information via a unifying operation. Specifically, we rethink the
information process in inter-frame attention and reuse its attention map for
both appearance feature enhancement and motion information extraction.
Furthermore, for efficient VFI, our proposed module could be seamlessly
integrated into a hybrid CNN and Transformer architecture. This hybrid pipeline
can alleviate the computational complexity of inter-frame attention as well as
preserve detailed low-level structure information. Experimental results
demonstrate that, for both fixed- and arbitrary-timestep interpolation, our
method achieves state-of-the-art performance on various datasets. Meanwhile,
our approach enjoys a lighter computation overhead over models with close
performance. The source code and models are available at
https://github.com/MCG-NJU/EMA-VFI.
| [
{
"version": "v1",
"created": "Wed, 1 Mar 2023 12:00:15 GMT"
},
{
"version": "v2",
"created": "Sun, 5 Mar 2023 04:15:35 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"Guozhen",
""
],
[
"Zhu",
"Yuhan",
""
],
[
"Wang",
"Haonan",
""
],
[
"Chen",
"Youxin",
""
],
[
"Wu",
"Gangshan",
""
],
[
"Wang",
"Limin",
""
]
] | TITLE: Extracting Motion and Appearance via Inter-Frame Attention for Efficient
Video Frame Interpolation
ABSTRACT: Effectively extracting inter-frame motion and appearance information is
important for video frame interpolation (VFI). Previous works either extract
both types of information in a mixed way or elaborate separate modules for each
type of information, which lead to representation ambiguity and low efficiency.
In this paper, we propose a novel module to explicitly extract motion and
appearance information via a unifying operation. Specifically, we rethink the
information process in inter-frame attention and reuse its attention map for
both appearance feature enhancement and motion information extraction.
Furthermore, for efficient VFI, our proposed module could be seamlessly
integrated into a hybrid CNN and Transformer architecture. This hybrid pipeline
can alleviate the computational complexity of inter-frame attention as well as
preserve detailed low-level structure information. Experimental results
demonstrate that, for both fixed- and arbitrary-timestep interpolation, our
method achieves state-of-the-art performance on various datasets. Meanwhile,
our approach enjoys a lighter computation overhead over models with close
performance. The source code and models are available at
https://github.com/MCG-NJU/EMA-VFI.
|
2303.00971 | Zhijie Shen | Zhijie Shen, Zishuo Zheng, Chunyu Lin, Lang Nie, Kang Liao, Shuai
Zheng and Yao Zhao | Disentangling Orthogonal Planes for Indoor Panoramic Room Layout
Estimation with Cross-Scale Distortion Awareness | Accepted to CVPR2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Based on the Manhattan World assumption, most existing indoor layout
estimation schemes focus on recovering layouts from vertically compressed 1D
sequences. However, the compression procedure confuses the semantics of
different planes, yielding inferior performance with ambiguous
interpretability.
To address this issue, we propose to disentangle this 1D representation by
pre-segmenting orthogonal (vertical and horizontal) planes from a complex
scene, explicitly capturing the geometric cues for indoor layout estimation.
Considering the symmetry between the floor boundary and ceiling boundary, we
also design a soft-flipping fusion strategy to assist the pre-segmentation.
Besides, we present a feature assembling mechanism to effectively integrate
shallow and deep features with distortion distribution awareness. To compensate
for the potential errors in pre-segmentation, we further leverage triple
attention to reconstruct the disentangled sequences for better performance.
Experiments on four popular benchmarks demonstrate our superiority over
existing SoTA solutions, especially on the 3DIoU metric. The code is available
at \url{https://github.com/zhijieshen-bjtu/DOPNet}.
| [
{
"version": "v1",
"created": "Thu, 2 Mar 2023 05:10:23 GMT"
},
{
"version": "v2",
"created": "Sat, 4 Mar 2023 02:48:14 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Shen",
"Zhijie",
""
],
[
"Zheng",
"Zishuo",
""
],
[
"Lin",
"Chunyu",
""
],
[
"Nie",
"Lang",
""
],
[
"Liao",
"Kang",
""
],
[
"Zheng",
"Shuai",
""
],
[
"Zhao",
"Yao",
""
]
] | TITLE: Disentangling Orthogonal Planes for Indoor Panoramic Room Layout
Estimation with Cross-Scale Distortion Awareness
ABSTRACT: Based on the Manhattan World assumption, most existing indoor layout
estimation schemes focus on recovering layouts from vertically compressed 1D
sequences. However, the compression procedure confuses the semantics of
different planes, yielding inferior performance with ambiguous
interpretability.
To address this issue, we propose to disentangle this 1D representation by
pre-segmenting orthogonal (vertical and horizontal) planes from a complex
scene, explicitly capturing the geometric cues for indoor layout estimation.
Considering the symmetry between the floor boundary and ceiling boundary, we
also design a soft-flipping fusion strategy to assist the pre-segmentation.
Besides, we present a feature assembling mechanism to effectively integrate
shallow and deep features with distortion distribution awareness. To compensate
for the potential errors in pre-segmentation, we further leverage triple
attention to reconstruct the disentangled sequences for better performance.
Experiments on four popular benchmarks demonstrate our superiority over
existing SoTA solutions, especially on the 3DIoU metric. The code is available
at \url{https://github.com/zhijieshen-bjtu/DOPNet}.
|
2303.02158 | Seongbin Lim | Seongbin Lim, Xingjian Zhang, Emmanuel Beaurepaire and Anatole Chessel | BioImageLoader: Easy Handling of Bioimage Datasets for Machine Learning | null | null | null | null | q-bio.QM cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | BioImageLoader (BIL) is a python library that handles bioimage datasets for
machine learning applications, easing simple workflows and enabling complex
ones. BIL attempts to wrap the numerous and varied bioimages datasets in
unified interfaces, to easily concatenate, perform image augmentation, and
batch-load them. By acting at a per experimental dataset level, it enables both
a high level of customization and a comparison across experiments. Here we
present the library and show some application it enables, including retraining
published deep learning architectures and evaluating their versatility in a
leave-one-dataset-out fashion.
| [
{
"version": "v1",
"created": "Thu, 2 Mar 2023 13:35:15 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Lim",
"Seongbin",
""
],
[
"Zhang",
"Xingjian",
""
],
[
"Beaurepaire",
"Emmanuel",
""
],
[
"Chessel",
"Anatole",
""
]
] | TITLE: BioImageLoader: Easy Handling of Bioimage Datasets for Machine Learning
ABSTRACT: BioImageLoader (BIL) is a python library that handles bioimage datasets for
machine learning applications, easing simple workflows and enabling complex
ones. BIL attempts to wrap the numerous and varied bioimages datasets in
unified interfaces, to easily concatenate, perform image augmentation, and
batch-load them. By acting at a per experimental dataset level, it enables both
a high level of customization and a comparison across experiments. Here we
present the library and show some application it enables, including retraining
published deep learning architectures and evaluating their versatility in a
leave-one-dataset-out fashion.
|
2303.02190 | Amar Ali-Bey | Amar Ali-bey, Brahim Chaib-draa, Philippe Gigu\`ere | MixVPR: Feature Mixing for Visual Place Recognition | Accepted at WACV 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Visual Place Recognition (VPR) is a crucial part of mobile robotics and
autonomous driving as well as other computer vision tasks. It refers to the
process of identifying a place depicted in a query image using only computer
vision. At large scale, repetitive structures, weather and illumination changes
pose a real challenge, as appearances can drastically change over time. Along
with tackling these challenges, an efficient VPR technique must also be
practical in real-world scenarios where latency matters. To address this, we
introduce MixVPR, a new holistic feature aggregation technique that takes
feature maps from pre-trained backbones as a set of global features. Then, it
incorporates a global relationship between elements in each feature map in a
cascade of feature mixing, eliminating the need for local or pyramidal
aggregation as done in NetVLAD or TransVPR. We demonstrate the effectiveness of
our technique through extensive experiments on multiple large-scale benchmarks.
Our method outperforms all existing techniques by a large margin while having
less than half the number of parameters compared to CosPlace and NetVLAD. We
achieve a new all-time high recall@1 score of 94.6% on Pitts250k-test, 88.0% on
MapillarySLS, and more importantly, 58.4% on Nordland. Finally, our method
outperforms two-stage retrieval techniques such as Patch-NetVLAD, TransVPR and
SuperGLUE all while being orders of magnitude faster. Our code and trained
models are available at https://github.com/amaralibey/MixVPR.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 19:24:03 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ali-bey",
"Amar",
""
],
[
"Chaib-draa",
"Brahim",
""
],
[
"Giguère",
"Philippe",
""
]
] | TITLE: MixVPR: Feature Mixing for Visual Place Recognition
ABSTRACT: Visual Place Recognition (VPR) is a crucial part of mobile robotics and
autonomous driving as well as other computer vision tasks. It refers to the
process of identifying a place depicted in a query image using only computer
vision. At large scale, repetitive structures, weather and illumination changes
pose a real challenge, as appearances can drastically change over time. Along
with tackling these challenges, an efficient VPR technique must also be
practical in real-world scenarios where latency matters. To address this, we
introduce MixVPR, a new holistic feature aggregation technique that takes
feature maps from pre-trained backbones as a set of global features. Then, it
incorporates a global relationship between elements in each feature map in a
cascade of feature mixing, eliminating the need for local or pyramidal
aggregation as done in NetVLAD or TransVPR. We demonstrate the effectiveness of
our technique through extensive experiments on multiple large-scale benchmarks.
Our method outperforms all existing techniques by a large margin while having
less than half the number of parameters compared to CosPlace and NetVLAD. We
achieve a new all-time high recall@1 score of 94.6% on Pitts250k-test, 88.0% on
MapillarySLS, and more importantly, 58.4% on Nordland. Finally, our method
outperforms two-stage retrieval techniques such as Patch-NetVLAD, TransVPR and
SuperGLUE all while being orders of magnitude faster. Our code and trained
models are available at https://github.com/amaralibey/MixVPR.
|
2303.02198 | Kineret Stanley | Isabel Garcia Pietri, Kineret Stanley | Exploring Data Augmentation Methods on Social Media Corpora | null | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Data augmentation has proven widely effective in computer vision. In Natural
Language Processing (NLP) data augmentation remains an area of active research.
There is no widely accepted augmentation technique that works well across tasks
and model architectures. In this paper we explore data augmentation techniques
in the context of text classification using two social media datasets. We
explore popular varieties of data augmentation, starting with oversampling,
Easy Data Augmentation (Wei and Zou, 2019) and Back-Translation (Sennrich et
al., 2015). We also consider Greyscaling, a relatively unexplored data
augmentation technique that seeks to mitigate the intensity of adjectives in
examples. Finally, we consider a few-shot learning approach: Pattern-Exploiting
Training (PET) (Schick et al., 2020). For the experiments we use a BERT
transformer architecture. Results show that augmentation techniques provide
only minimal and inconsistent improvements. Synonym replacement provided
evidence of some performance improvement and adjective scales with Grayscaling
is an area where further exploration would be valuable. Few-shot learning
experiments show consistent improvement over supervised training, and seem very
promising when classes are easily separable but further exploration would be
valuable.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 20:15:35 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Pietri",
"Isabel Garcia",
""
],
[
"Stanley",
"Kineret",
""
]
] | TITLE: Exploring Data Augmentation Methods on Social Media Corpora
ABSTRACT: Data augmentation has proven widely effective in computer vision. In Natural
Language Processing (NLP) data augmentation remains an area of active research.
There is no widely accepted augmentation technique that works well across tasks
and model architectures. In this paper we explore data augmentation techniques
in the context of text classification using two social media datasets. We
explore popular varieties of data augmentation, starting with oversampling,
Easy Data Augmentation (Wei and Zou, 2019) and Back-Translation (Sennrich et
al., 2015). We also consider Greyscaling, a relatively unexplored data
augmentation technique that seeks to mitigate the intensity of adjectives in
examples. Finally, we consider a few-shot learning approach: Pattern-Exploiting
Training (PET) (Schick et al., 2020). For the experiments we use a BERT
transformer architecture. Results show that augmentation techniques provide
only minimal and inconsistent improvements. Synonym replacement provided
evidence of some performance improvement and adjective scales with Grayscaling
is an area where further exploration would be valuable. Few-shot learning
experiments show consistent improvement over supervised training, and seem very
promising when classes are easily separable but further exploration would be
valuable.
|
2303.02203 | Senthil Yogamani | Marvin Klingner, Shubhankar Borse, Varun Ravi Kumar, Behnaz Rezaei,
Venkatraman Narayanan, Senthil Yogamani, Fatih Porikli | X$^3$KD: Knowledge Distillation Across Modalities, Tasks and Stages for
Multi-Camera 3D Object Detection | Accepted to CVPR 2023 | null | null | null | cs.CV cs.RO | http://creativecommons.org/publicdomain/zero/1.0/ | Recent advances in 3D object detection (3DOD) have obtained remarkably strong
results for LiDAR-based models. In contrast, surround-view 3DOD models based on
multiple camera images underperform due to the necessary view transformation of
features from perspective view (PV) to a 3D world representation which is
ambiguous due to missing depth information. This paper introduces X$^3$KD, a
comprehensive knowledge distillation framework across different modalities,
tasks, and stages for multi-camera 3DOD. Specifically, we propose cross-task
distillation from an instance segmentation teacher (X-IS) in the PV feature
extraction stage providing supervision without ambiguous error backpropagation
through the view transformation. After the transformation, we apply cross-modal
feature distillation (X-FD) and adversarial training (X-AT) to improve the 3D
world representation of multi-camera features through the information contained
in a LiDAR-based 3DOD teacher. Finally, we also employ this teacher for
cross-modal output distillation (X-OD), providing dense supervision at the
prediction stage. We perform extensive ablations of knowledge distillation at
different stages of multi-camera 3DOD. Our final X$^3$KD model outperforms
previous state-of-the-art approaches on the nuScenes and Waymo datasets and
generalizes to RADAR-based 3DOD. Qualitative results video at
https://youtu.be/1do9DPFmr38.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 20:29:49 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Klingner",
"Marvin",
""
],
[
"Borse",
"Shubhankar",
""
],
[
"Kumar",
"Varun Ravi",
""
],
[
"Rezaei",
"Behnaz",
""
],
[
"Narayanan",
"Venkatraman",
""
],
[
"Yogamani",
"Senthil",
""
],
[
"Porikli",
"Fatih",
""
]
] | TITLE: X$^3$KD: Knowledge Distillation Across Modalities, Tasks and Stages for
Multi-Camera 3D Object Detection
ABSTRACT: Recent advances in 3D object detection (3DOD) have obtained remarkably strong
results for LiDAR-based models. In contrast, surround-view 3DOD models based on
multiple camera images underperform due to the necessary view transformation of
features from perspective view (PV) to a 3D world representation which is
ambiguous due to missing depth information. This paper introduces X$^3$KD, a
comprehensive knowledge distillation framework across different modalities,
tasks, and stages for multi-camera 3DOD. Specifically, we propose cross-task
distillation from an instance segmentation teacher (X-IS) in the PV feature
extraction stage providing supervision without ambiguous error backpropagation
through the view transformation. After the transformation, we apply cross-modal
feature distillation (X-FD) and adversarial training (X-AT) to improve the 3D
world representation of multi-camera features through the information contained
in a LiDAR-based 3DOD teacher. Finally, we also employ this teacher for
cross-modal output distillation (X-OD), providing dense supervision at the
prediction stage. We perform extensive ablations of knowledge distillation at
different stages of multi-camera 3DOD. Our final X$^3$KD model outperforms
previous state-of-the-art approaches on the nuScenes and Waymo datasets and
generalizes to RADAR-based 3DOD. Qualitative results video at
https://youtu.be/1do9DPFmr38.
|
2303.02207 | Alex Stutts | Alex C. Stutts, Danilo Erricolo, Theja Tulabandhula, Amit Ranjan
Trivedi | Lightweight, Uncertainty-Aware Conformalized Visual Odometry | null | null | null | null | cs.CV cs.AI cs.LG cs.RO eess.IV | http://creativecommons.org/licenses/by/4.0/ | Data-driven visual odometry (VO) is a critical subroutine for autonomous edge
robotics, and recent progress in the field has produced highly accurate point
predictions in complex environments. However, emerging autonomous edge robotics
devices like insect-scale drones and surgical robots lack a computationally
efficient framework to estimate VO's predictive uncertainties. Meanwhile, as
edge robotics continue to proliferate into mission-critical application spaces,
awareness of model's the predictive uncertainties has become crucial for
risk-aware decision-making. This paper addresses this challenge by presenting a
novel, lightweight, and statistically robust framework that leverages conformal
inference (CI) to extract VO's uncertainty bands. Our approach represents the
uncertainties using flexible, adaptable, and adjustable prediction intervals
that, on average, guarantee the inclusion of the ground truth across all
degrees of freedom (DOF) of pose estimation. We discuss the architectures of
generative deep neural networks for estimating multivariate uncertainty bands
along with point (mean) prediction. We also present techniques to improve the
uncertainty estimation accuracy, such as leveraging Monte Carlo dropout
(MC-dropout) for data augmentation. Finally, we propose a novel training loss
function that combines interval scoring and calibration loss with traditional
training metrics--mean-squared error and KL-divergence--to improve
uncertainty-aware learning. Our simulation results demonstrate that the
presented framework consistently captures true uncertainty in pose estimations
across different datasets, estimation models, and applied noise types,
indicating its wide applicability.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 20:37:55 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Stutts",
"Alex C.",
""
],
[
"Erricolo",
"Danilo",
""
],
[
"Tulabandhula",
"Theja",
""
],
[
"Trivedi",
"Amit Ranjan",
""
]
] | TITLE: Lightweight, Uncertainty-Aware Conformalized Visual Odometry
ABSTRACT: Data-driven visual odometry (VO) is a critical subroutine for autonomous edge
robotics, and recent progress in the field has produced highly accurate point
predictions in complex environments. However, emerging autonomous edge robotics
devices like insect-scale drones and surgical robots lack a computationally
efficient framework to estimate VO's predictive uncertainties. Meanwhile, as
edge robotics continue to proliferate into mission-critical application spaces,
awareness of model's the predictive uncertainties has become crucial for
risk-aware decision-making. This paper addresses this challenge by presenting a
novel, lightweight, and statistically robust framework that leverages conformal
inference (CI) to extract VO's uncertainty bands. Our approach represents the
uncertainties using flexible, adaptable, and adjustable prediction intervals
that, on average, guarantee the inclusion of the ground truth across all
degrees of freedom (DOF) of pose estimation. We discuss the architectures of
generative deep neural networks for estimating multivariate uncertainty bands
along with point (mean) prediction. We also present techniques to improve the
uncertainty estimation accuracy, such as leveraging Monte Carlo dropout
(MC-dropout) for data augmentation. Finally, we propose a novel training loss
function that combines interval scoring and calibration loss with traditional
training metrics--mean-squared error and KL-divergence--to improve
uncertainty-aware learning. Our simulation results demonstrate that the
presented framework consistently captures true uncertainty in pose estimations
across different datasets, estimation models, and applied noise types,
indicating its wide applicability.
|
2303.02241 | Kianoush Falahkheirkhah | Kianoush Falahkheirkhah, Alex Lu, David Alvarez-Melis, Grace Huynh | Domain adaptation using optimal transport for invariant learning using
histopathology datasets | null | null | null | null | cs.CV cs.LG | http://creativecommons.org/licenses/by/4.0/ | Histopathology is critical for the diagnosis of many diseases, including
cancer. These protocols typically require pathologists to manually evaluate
slides under a microscope, which is time-consuming and subjective, leading to
interest in machine learning to automate analysis. However, computational
techniques are limited by batch effects, where technical factors like
differences in preparation protocol or scanners can alter the appearance of
slides, causing models trained on one institution to fail when generalizing to
others. Here, we propose a domain adaptation method that improves the
generalization of histopathological models to data from unseen institutions,
without the need for labels or retraining in these new settings. Our approach
introduces an optimal transport (OT) loss, that extends adversarial methods
that penalize models if images from different institutions can be distinguished
in their representation space. Unlike previous methods, which operate on single
samples, our loss accounts for distributional differences between batches of
images. We show that on the Camelyon17 dataset, while both methods can adapt to
global differences in color distribution, only our OT loss can reliably
classify a cancer phenotype unseen during training. Together, our results
suggest that OT improves generalization on rare but critical phenotypes that
may only make up a small fraction of the total tiles and variation in a slide.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 22:19:19 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Falahkheirkhah",
"Kianoush",
""
],
[
"Lu",
"Alex",
""
],
[
"Alvarez-Melis",
"David",
""
],
[
"Huynh",
"Grace",
""
]
] | TITLE: Domain adaptation using optimal transport for invariant learning using
histopathology datasets
ABSTRACT: Histopathology is critical for the diagnosis of many diseases, including
cancer. These protocols typically require pathologists to manually evaluate
slides under a microscope, which is time-consuming and subjective, leading to
interest in machine learning to automate analysis. However, computational
techniques are limited by batch effects, where technical factors like
differences in preparation protocol or scanners can alter the appearance of
slides, causing models trained on one institution to fail when generalizing to
others. Here, we propose a domain adaptation method that improves the
generalization of histopathological models to data from unseen institutions,
without the need for labels or retraining in these new settings. Our approach
introduces an optimal transport (OT) loss, that extends adversarial methods
that penalize models if images from different institutions can be distinguished
in their representation space. Unlike previous methods, which operate on single
samples, our loss accounts for distributional differences between batches of
images. We show that on the Camelyon17 dataset, while both methods can adapt to
global differences in color distribution, only our OT loss can reliably
classify a cancer phenotype unseen during training. Together, our results
suggest that OT improves generalization on rare but critical phenotypes that
may only make up a small fraction of the total tiles and variation in a slide.
|
2303.02271 | Lingjie Kong | Yangxin Zhong, Jiajie He, and Lingjie Kong | Double A3C: Deep Reinforcement Learning on OpenAI Gym Games | null | null | null | null | cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Reinforcement Learning (RL) is an area of machine learning figuring out how
agents take actions in an unknown environment to maximize its rewards. Unlike
classical Markov Decision Process (MDP) in which agent has full knowledge of
its state, rewards, and transitional probability, reinforcement learning
utilizes exploration and exploitation for the model uncertainty. Under the
condition that the model usually has a large state space, a neural network (NN)
can be used to correlate its input state to its output actions to maximize the
agent's rewards. However, building and training an efficient neural network is
challenging. Inspired by Double Q-learning and Asynchronous Advantage
Actor-Critic (A3C) algorithm, we will propose and implement an improved version
of Double A3C algorithm which utilizing the strength of both algorithms to play
OpenAI Gym Atari 2600 games to beat its benchmarks for our project.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 00:06:27 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhong",
"Yangxin",
""
],
[
"He",
"Jiajie",
""
],
[
"Kong",
"Lingjie",
""
]
] | TITLE: Double A3C: Deep Reinforcement Learning on OpenAI Gym Games
ABSTRACT: Reinforcement Learning (RL) is an area of machine learning figuring out how
agents take actions in an unknown environment to maximize its rewards. Unlike
classical Markov Decision Process (MDP) in which agent has full knowledge of
its state, rewards, and transitional probability, reinforcement learning
utilizes exploration and exploitation for the model uncertainty. Under the
condition that the model usually has a large state space, a neural network (NN)
can be used to correlate its input state to its output actions to maximize the
agent's rewards. However, building and training an efficient neural network is
challenging. Inspired by Double Q-learning and Asynchronous Advantage
Actor-Critic (A3C) algorithm, we will propose and implement an improved version
of Double A3C algorithm which utilizing the strength of both algorithms to play
OpenAI Gym Atari 2600 games to beat its benchmarks for our project.
|
2303.02272 | Lingjie Kong | Alex Fu, Lingjie Kong | Real-time SLAM Pipeline in Dynamics Environment | null | null | null | null | cs.RO cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Inspired by the recent success of application of dense data approach by using
ORB-SLAM and RGB-D SLAM, we propose a better pipeline of real-time SLAM in
dynamics environment. Different from previous SLAM which can only handle static
scenes, we are presenting a solution which use RGB-D SLAM as well as YOLO
real-time object detection to segment and remove dynamic scene and then
construct static scene 3D. We gathered a dataset which allows us to jointly
consider semantics, geometry, and physics and thus enables us to reconstruct
the static scene while filtering out all dynamic objects.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 00:08:52 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Fu",
"Alex",
""
],
[
"Kong",
"Lingjie",
""
]
] | TITLE: Real-time SLAM Pipeline in Dynamics Environment
ABSTRACT: Inspired by the recent success of application of dense data approach by using
ORB-SLAM and RGB-D SLAM, we propose a better pipeline of real-time SLAM in
dynamics environment. Different from previous SLAM which can only handle static
scenes, we are presenting a solution which use RGB-D SLAM as well as YOLO
real-time object detection to segment and remove dynamic scene and then
construct static scene 3D. We gathered a dataset which allows us to jointly
consider semantics, geometry, and physics and thus enables us to reconstruct
the static scene while filtering out all dynamic objects.
|
2303.02273 | Deval Shah | Deval Shah and Tor M. Aamodt | Learning Label Encodings for Deep Regression | Published at ICLR 2023 (Notable top-25%) | International Conference on Learning Representations 2023
(https://openreview.net/pdf?id=k60XE_b0Ix6) | null | null | cs.LG cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep regression networks are widely used to tackle the problem of predicting
a continuous value for a given input. Task-specialized approaches for training
regression networks have shown significant improvement over generic approaches,
such as direct regression. More recently, a generic approach based on
regression by binary classification using binary-encoded labels has shown
significant improvement over direct regression. The space of label encodings
for regression is large. Lacking heretofore have been automated approaches to
find a good label encoding for a given application. This paper introduces
Regularized Label Encoding Learning (RLEL) for end-to-end training of an entire
network and its label encoding. RLEL provides a generic approach for tackling
regression. Underlying RLEL is our observation that the search space of label
encodings can be constrained and efficiently explored by using a continuous
search space of real-valued label encodings combined with a regularization
function designed to encourage encodings with certain properties. These
properties balance the probability of classification error in individual bits
against error correction capability. Label encodings found by RLEL result in
lower or comparable errors to manually designed label encodings. Applying RLEL
results in 10.9% and 12.4% improvement in Mean Absolute Error (MAE) over direct
regression and multiclass classification, respectively. Our evaluation
demonstrates that RLEL can be combined with off-the-shelf feature extractors
and is suitable across different architectures, datasets, and tasks. Code is
available at https://github.com/ubc-aamodt-group/RLEL_regression.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 00:11:34 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Shah",
"Deval",
""
],
[
"Aamodt",
"Tor M.",
""
]
] | TITLE: Learning Label Encodings for Deep Regression
ABSTRACT: Deep regression networks are widely used to tackle the problem of predicting
a continuous value for a given input. Task-specialized approaches for training
regression networks have shown significant improvement over generic approaches,
such as direct regression. More recently, a generic approach based on
regression by binary classification using binary-encoded labels has shown
significant improvement over direct regression. The space of label encodings
for regression is large. Lacking heretofore have been automated approaches to
find a good label encoding for a given application. This paper introduces
Regularized Label Encoding Learning (RLEL) for end-to-end training of an entire
network and its label encoding. RLEL provides a generic approach for tackling
regression. Underlying RLEL is our observation that the search space of label
encodings can be constrained and efficiently explored by using a continuous
search space of real-valued label encodings combined with a regularization
function designed to encourage encodings with certain properties. These
properties balance the probability of classification error in individual bits
against error correction capability. Label encodings found by RLEL result in
lower or comparable errors to manually designed label encodings. Applying RLEL
results in 10.9% and 12.4% improvement in Mean Absolute Error (MAE) over direct
regression and multiclass classification, respectively. Our evaluation
demonstrates that RLEL can be combined with off-the-shelf feature extractors
and is suitable across different architectures, datasets, and tasks. Code is
available at https://github.com/ubc-aamodt-group/RLEL_regression.
|
2303.02306 | Xinyue Wang | Xinyue Wang, Haiwang Zhong, Guanglun Zhang, Guangchun Ruan, Yiliu He,
Zekuan Yu | Look-Ahead AC Optimal Power Flow: A Model-Informed Reinforcement
Learning Approach | 6 pages, 12 figures, 2 tables, accepted by 2023 IEEE 6th
International Electrical and Energy Conference | null | null | null | eess.SY cs.SY | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | With the increasing proportion of renewable energy in the generation side, it
becomes more difficult to accurately predict the power generation and adapt to
the large deviations between the optimal dispatch scheme and the day-ahead
scheduling in the process of real-time dispatch. Therefore, it is necessary to
conduct look-ahead dispatches to revise the operation plan according to the
real-time status of the power grid and reliable ultra-short-term prediction.
Application of traditional model-driven methods is often limited by the scale
of the power system and cannot meet the computational time requirements of
real-time dispatch. Data-driven methods can provide strong online
decision-making support abilities when facing large-scale systems, while it is
limited by the quantity and quality of the training dataset. This paper
proposes a model-informed reinforcement learning approach for look-ahead AC
optimal power flow. The reinforcement learning model is first formulated based
on the domain knowledge of economic dispatch, and then the physics-informed
neural network is constructed to enhance the reliability and efficiency. At
last, the case study based on the SG 126-bus system validates the accuracy and
efficiency of the proposed approach.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 03:15:51 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Xinyue",
""
],
[
"Zhong",
"Haiwang",
""
],
[
"Zhang",
"Guanglun",
""
],
[
"Ruan",
"Guangchun",
""
],
[
"He",
"Yiliu",
""
],
[
"Yu",
"Zekuan",
""
]
] | TITLE: Look-Ahead AC Optimal Power Flow: A Model-Informed Reinforcement
Learning Approach
ABSTRACT: With the increasing proportion of renewable energy in the generation side, it
becomes more difficult to accurately predict the power generation and adapt to
the large deviations between the optimal dispatch scheme and the day-ahead
scheduling in the process of real-time dispatch. Therefore, it is necessary to
conduct look-ahead dispatches to revise the operation plan according to the
real-time status of the power grid and reliable ultra-short-term prediction.
Application of traditional model-driven methods is often limited by the scale
of the power system and cannot meet the computational time requirements of
real-time dispatch. Data-driven methods can provide strong online
decision-making support abilities when facing large-scale systems, while it is
limited by the quantity and quality of the training dataset. This paper
proposes a model-informed reinforcement learning approach for look-ahead AC
optimal power flow. The reinforcement learning model is first formulated based
on the domain knowledge of economic dispatch, and then the physics-informed
neural network is constructed to enhance the reliability and efficiency. At
last, the case study based on the SG 126-bus system validates the accuracy and
efficiency of the proposed approach.
|
2303.02318 | Shuhan Yuan | Xiao Han, Lu Zhang, Yongkai Wu, Shuhan Yuan | Achieving Counterfactual Fairness for Anomaly Detection | To appear in PAKDD.The code is available at
https://github.com/hanxiao0607/CFAD | null | null | null | cs.LG | http://creativecommons.org/licenses/by/4.0/ | Ensuring fairness in anomaly detection models has received much attention
recently as many anomaly detection applications involve human beings. However,
existing fair anomaly detection approaches mainly focus on association-based
fairness notions. In this work, we target counterfactual fairness, which is a
prevalent causation-based fairness notion. The goal of counterfactually fair
anomaly detection is to ensure that the detection outcome of an individual in
the factual world is the same as that in the counterfactual world where the
individual had belonged to a different group. To this end, we propose a
counterfactually fair anomaly detection (CFAD) framework which consists of two
phases, counterfactual data generation and fair anomaly detection. Experimental
results on a synthetic dataset and two real datasets show that CFAD can
effectively detect anomalies as well as ensure counterfactual fairness.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 04:45:12 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Han",
"Xiao",
""
],
[
"Zhang",
"Lu",
""
],
[
"Wu",
"Yongkai",
""
],
[
"Yuan",
"Shuhan",
""
]
] | TITLE: Achieving Counterfactual Fairness for Anomaly Detection
ABSTRACT: Ensuring fairness in anomaly detection models has received much attention
recently as many anomaly detection applications involve human beings. However,
existing fair anomaly detection approaches mainly focus on association-based
fairness notions. In this work, we target counterfactual fairness, which is a
prevalent causation-based fairness notion. The goal of counterfactually fair
anomaly detection is to ensure that the detection outcome of an individual in
the factual world is the same as that in the counterfactual world where the
individual had belonged to a different group. To this end, we propose a
counterfactually fair anomaly detection (CFAD) framework which consists of two
phases, counterfactual data generation and fair anomaly detection. Experimental
results on a synthetic dataset and two real datasets show that CFAD can
effectively detect anomalies as well as ensure counterfactual fairness.
|
2303.02320 | Defu Cao | Defu Cao, James Enouen, Yujing Wang, Xiangchen Song, Chuizheng Meng,
Hao Niu, Yan Liu | Estimating Treatment Effects from Irregular Time Series Observations
with Hidden Confounders | Accepted by AAAI 2023 | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Causal analysis for time series data, in particular estimating individualized
treatment effect (ITE), is a key task in many real-world applications, such as
finance, retail, healthcare, etc. Real-world time series can include
large-scale, irregular, and intermittent time series observations, raising
significant challenges to existing work attempting to estimate treatment
effects. Specifically, the existence of hidden confounders can lead to biased
treatment estimates and complicate the causal inference process. In particular,
anomaly hidden confounders which exceed the typical range can lead to high
variance estimates. Moreover, in continuous time settings with irregular
samples, it is challenging to directly handle the dynamics of causality. In
this paper, we leverage recent advances in Lipschitz regularization and neural
controlled differential equations (CDE) to develop an effective and scalable
solution, namely LipCDE, to address the above challenges. LipCDE can directly
model the dynamic causal relationships between historical data and outcomes
with irregular samples by considering the boundary of hidden confounders given
by Lipschitz-constrained neural networks. Furthermore, we conduct extensive
experiments on both synthetic and real-world datasets to demonstrate the
effectiveness and scalability of LipCDE.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 04:55:34 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Cao",
"Defu",
""
],
[
"Enouen",
"James",
""
],
[
"Wang",
"Yujing",
""
],
[
"Song",
"Xiangchen",
""
],
[
"Meng",
"Chuizheng",
""
],
[
"Niu",
"Hao",
""
],
[
"Liu",
"Yan",
""
]
] | TITLE: Estimating Treatment Effects from Irregular Time Series Observations
with Hidden Confounders
ABSTRACT: Causal analysis for time series data, in particular estimating individualized
treatment effect (ITE), is a key task in many real-world applications, such as
finance, retail, healthcare, etc. Real-world time series can include
large-scale, irregular, and intermittent time series observations, raising
significant challenges to existing work attempting to estimate treatment
effects. Specifically, the existence of hidden confounders can lead to biased
treatment estimates and complicate the causal inference process. In particular,
anomaly hidden confounders which exceed the typical range can lead to high
variance estimates. Moreover, in continuous time settings with irregular
samples, it is challenging to directly handle the dynamics of causality. In
this paper, we leverage recent advances in Lipschitz regularization and neural
controlled differential equations (CDE) to develop an effective and scalable
solution, namely LipCDE, to address the above challenges. LipCDE can directly
model the dynamic causal relationships between historical data and outcomes
with irregular samples by considering the boundary of hidden confounders given
by Lipschitz-constrained neural networks. Furthermore, we conduct extensive
experiments on both synthetic and real-world datasets to demonstrate the
effectiveness and scalability of LipCDE.
|
2303.02323 | Yuxiang Zhang | Yuxiang Zhang, Nicholas Bolten, Sachin Mehta, Anat Caspi | APE: An Open and Shared Annotated Dataset for Learning Urban Pedestrian
Path Networks | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Inferring the full transportation network, including sidewalks and cycleways,
is crucial for many automated systems, including autonomous driving,
multi-modal navigation, trip planning, mobility simulations, and freight
management. Many transportation decisions can be informed based on an accurate
pedestrian network, its interactions, and connectivity with the road networks
of other modes of travel. A connected pedestrian path network is vital to
transportation activities, as sidewalks and crossings connect pedestrians to
other modes of transportation. However, information about these paths' location
and connectivity is often missing or inaccurate in city planning systems and
wayfinding applications, causing severe information gaps and errors for
planners and pedestrians. This work begins to address this problem at scale by
introducing a novel dataset of aerial satellite imagery, street map imagery,
and rasterized annotations of sidewalks, crossings, and corner bulbs in urban
cities. The dataset spans $2,700 km^2$ land area, covering select regions from
$6$ different cities. It can be used for various learning tasks related to
segmenting and understanding pedestrian environments. We also present an
end-to-end process for inferring a connected pedestrian path network map using
street network information and our proposed dataset. The process features the
use of a multi-input segmentation network trained on our dataset to predict
important classes in the pedestrian environment and then generate a connected
pedestrian path network. Our results demonstrate that the dataset is
sufficiently large to train common segmentation models yielding accurate,
robust pedestrian path networks.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 05:08:36 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"Yuxiang",
""
],
[
"Bolten",
"Nicholas",
""
],
[
"Mehta",
"Sachin",
""
],
[
"Caspi",
"Anat",
""
]
] | TITLE: APE: An Open and Shared Annotated Dataset for Learning Urban Pedestrian
Path Networks
ABSTRACT: Inferring the full transportation network, including sidewalks and cycleways,
is crucial for many automated systems, including autonomous driving,
multi-modal navigation, trip planning, mobility simulations, and freight
management. Many transportation decisions can be informed based on an accurate
pedestrian network, its interactions, and connectivity with the road networks
of other modes of travel. A connected pedestrian path network is vital to
transportation activities, as sidewalks and crossings connect pedestrians to
other modes of transportation. However, information about these paths' location
and connectivity is often missing or inaccurate in city planning systems and
wayfinding applications, causing severe information gaps and errors for
planners and pedestrians. This work begins to address this problem at scale by
introducing a novel dataset of aerial satellite imagery, street map imagery,
and rasterized annotations of sidewalks, crossings, and corner bulbs in urban
cities. The dataset spans $2,700 km^2$ land area, covering select regions from
$6$ different cities. It can be used for various learning tasks related to
segmenting and understanding pedestrian environments. We also present an
end-to-end process for inferring a connected pedestrian path network map using
street network information and our proposed dataset. The process features the
use of a multi-input segmentation network trained on our dataset to predict
important classes in the pedestrian environment and then generate a connected
pedestrian path network. Our results demonstrate that the dataset is
sufficiently large to train common segmentation models yielding accurate,
robust pedestrian path networks.
|
2303.02338 | Justin Sirignano | Justin Sirignano and Jonathan F. MacArt | Dynamic Deep Learning LES Closures: Online Optimization With Embedded
DNS | null | null | null | null | physics.flu-dyn cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep learning (DL) has recently emerged as a candidate for closure modeling
of large-eddy simulation (LES) of turbulent flows. High-fidelity training data
is typically limited: it is computationally costly (or even impossible) to
numerically generate at high Reynolds numbers, while experimental data is also
expensive to produce and might only include sparse/aggregate flow measurements.
Thus, only a relatively small number of geometries and physical regimes will
realistically be included in any training dataset. Limited data can lead to
overfitting and therefore inaccurate predictions for geometries and physical
regimes that are different from the training cases. We develop a new online
training method for deep learning closure models in LES which seeks to address
this challenge. The deep learning closure model is dynamically trained during a
large-eddy simulation (LES) calculation using embedded direct numerical
simulation (DNS) data. That is, in a small subset of the domain, the flow is
computed at DNS resolutions in concert with the LES prediction. The closure
model then adjusts its approximation to the unclosed terms using data from the
embedded DNS. Consequently, the closure model is trained on data from the exact
geometry/physical regime of the prediction at hand. An online optimization
algorithm is developed to dynamically train the deep learning closure model in
the coupled, LES-embedded DNS calculation.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 06:20:47 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Sirignano",
"Justin",
""
],
[
"MacArt",
"Jonathan F.",
""
]
] | TITLE: Dynamic Deep Learning LES Closures: Online Optimization With Embedded
DNS
ABSTRACT: Deep learning (DL) has recently emerged as a candidate for closure modeling
of large-eddy simulation (LES) of turbulent flows. High-fidelity training data
is typically limited: it is computationally costly (or even impossible) to
numerically generate at high Reynolds numbers, while experimental data is also
expensive to produce and might only include sparse/aggregate flow measurements.
Thus, only a relatively small number of geometries and physical regimes will
realistically be included in any training dataset. Limited data can lead to
overfitting and therefore inaccurate predictions for geometries and physical
regimes that are different from the training cases. We develop a new online
training method for deep learning closure models in LES which seeks to address
this challenge. The deep learning closure model is dynamically trained during a
large-eddy simulation (LES) calculation using embedded direct numerical
simulation (DNS) data. That is, in a small subset of the domain, the flow is
computed at DNS resolutions in concert with the LES prediction. The closure
model then adjusts its approximation to the unclosed terms using data from the
embedded DNS. Consequently, the closure model is trained on data from the exact
geometry/physical regime of the prediction at hand. An online optimization
algorithm is developed to dynamically train the deep learning closure model in
the coupled, LES-embedded DNS calculation.
|
2303.02343 | Yihua Zhang | Yihua Zhang and Pranay Sharma and Parikshit Ram and Mingyi Hong and
Kush Varshney and Sijia Liu | What Is Missing in IRM Training and Evaluation? Challenges and Solutions | Accepted to Eleventh International Conference on Learning
Representations (ICLR 2023) | null | null | null | cs.LG cs.AI | http://creativecommons.org/licenses/by/4.0/ | Invariant risk minimization (IRM) has received increasing attention as a way
to acquire environment-agnostic data representations and predictions, and as a
principled solution for preventing spurious correlations from being learned and
for improving models' out-of-distribution generalization. Yet, recent works
have found that the optimality of the originally-proposed IRM optimization
(IRM) may be compromised in practice or could be impossible to achieve in some
scenarios. Therefore, a series of advanced IRM algorithms have been developed
that show practical improvement over IRM. In this work, we revisit these recent
IRM advancements, and identify and resolve three practical limitations in IRM
training and evaluation. First, we find that the effect of batch size during
training has been chronically overlooked in previous studies, leaving room for
further improvement. We propose small-batch training and highlight the
improvements over a set of large-batch optimization techniques. Second, we find
that improper selection of evaluation environments could give a false sense of
invariance for IRM. To alleviate this effect, we leverage diversified test-time
environments to precisely characterize the invariance of IRM when applied in
practice. Third, we revisit (Ahuja et al. (2020))'s proposal to convert IRM
into an ensemble game and identify a limitation when a single invariant
predictor is desired instead of an ensemble of individual predictors. We
propose a new IRM variant to address this limitation based on a novel viewpoint
of ensemble IRM games as consensus-constrained bi-level optimization. Lastly,
we conduct extensive experiments (covering 7 existing IRM variants and 7
datasets) to justify the practical significance of revisiting IRM training and
evaluation in a principled manner.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 07:06:24 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"Yihua",
""
],
[
"Sharma",
"Pranay",
""
],
[
"Ram",
"Parikshit",
""
],
[
"Hong",
"Mingyi",
""
],
[
"Varshney",
"Kush",
""
],
[
"Liu",
"Sijia",
""
]
] | TITLE: What Is Missing in IRM Training and Evaluation? Challenges and Solutions
ABSTRACT: Invariant risk minimization (IRM) has received increasing attention as a way
to acquire environment-agnostic data representations and predictions, and as a
principled solution for preventing spurious correlations from being learned and
for improving models' out-of-distribution generalization. Yet, recent works
have found that the optimality of the originally-proposed IRM optimization
(IRM) may be compromised in practice or could be impossible to achieve in some
scenarios. Therefore, a series of advanced IRM algorithms have been developed
that show practical improvement over IRM. In this work, we revisit these recent
IRM advancements, and identify and resolve three practical limitations in IRM
training and evaluation. First, we find that the effect of batch size during
training has been chronically overlooked in previous studies, leaving room for
further improvement. We propose small-batch training and highlight the
improvements over a set of large-batch optimization techniques. Second, we find
that improper selection of evaluation environments could give a false sense of
invariance for IRM. To alleviate this effect, we leverage diversified test-time
environments to precisely characterize the invariance of IRM when applied in
practice. Third, we revisit (Ahuja et al. (2020))'s proposal to convert IRM
into an ensemble game and identify a limitation when a single invariant
predictor is desired instead of an ensemble of individual predictors. We
propose a new IRM variant to address this limitation based on a novel viewpoint
of ensemble IRM games as consensus-constrained bi-level optimization. Lastly,
we conduct extensive experiments (covering 7 existing IRM variants and 7
datasets) to justify the practical significance of revisiting IRM training and
evaluation in a principled manner.
|
2303.02344 | Jinxing Zhou | Jinxing Zhou, Dan Guo, Yiran Zhong, Meng Wang | Improving Audio-Visual Video Parsing with Pseudo Visual Labels | null | null | null | null | cs.CV cs.MM | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Audio-Visual Video Parsing is a task to predict the events that occur in
video segments for each modality. It often performs in a weakly supervised
manner, where only video event labels are provided, i.e., the modalities and
the timestamps of the labels are unknown. Due to the lack of densely annotated
labels, recent work attempts to leverage pseudo labels to enrich the
supervision. A commonly used strategy is to generate pseudo labels by
categorizing the known event labels for each modality. However, the labels are
still limited to the video level, and the temporal boundaries of event
timestamps remain unlabeled. In this paper, we propose a new pseudo label
generation strategy that can explicitly assign labels to each video segment by
utilizing prior knowledge learned from the open world. Specifically, we exploit
the CLIP model to estimate the events in each video segment based on visual
modality to generate segment-level pseudo labels. A new loss function is
proposed to regularize these labels by taking into account their
category-richness and segmentrichness. A label denoising strategy is adopted to
improve the pseudo labels by flipping them whenever high forward binary cross
entropy loss occurs. We perform extensive experiments on the LLP dataset and
demonstrate that our method can generate high-quality segment-level pseudo
labels with the help of our newly proposed loss and the label denoising
strategy. Our method achieves state-of-the-art audio-visual video parsing
performance.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 07:21:37 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhou",
"Jinxing",
""
],
[
"Guo",
"Dan",
""
],
[
"Zhong",
"Yiran",
""
],
[
"Wang",
"Meng",
""
]
] | TITLE: Improving Audio-Visual Video Parsing with Pseudo Visual Labels
ABSTRACT: Audio-Visual Video Parsing is a task to predict the events that occur in
video segments for each modality. It often performs in a weakly supervised
manner, where only video event labels are provided, i.e., the modalities and
the timestamps of the labels are unknown. Due to the lack of densely annotated
labels, recent work attempts to leverage pseudo labels to enrich the
supervision. A commonly used strategy is to generate pseudo labels by
categorizing the known event labels for each modality. However, the labels are
still limited to the video level, and the temporal boundaries of event
timestamps remain unlabeled. In this paper, we propose a new pseudo label
generation strategy that can explicitly assign labels to each video segment by
utilizing prior knowledge learned from the open world. Specifically, we exploit
the CLIP model to estimate the events in each video segment based on visual
modality to generate segment-level pseudo labels. A new loss function is
proposed to regularize these labels by taking into account their
category-richness and segmentrichness. A label denoising strategy is adopted to
improve the pseudo labels by flipping them whenever high forward binary cross
entropy loss occurs. We perform extensive experiments on the LLP dataset and
demonstrate that our method can generate high-quality segment-level pseudo
labels with the help of our newly proposed loss and the label denoising
strategy. Our method achieves state-of-the-art audio-visual video parsing
performance.
|
2303.02357 | Shanu Kumar | Shanu Kumar, Abbaraju Soujanya, Sandipan Dandapat, Sunayana Sitaram,
Monojit Choudhury | DiTTO: A Feature Representation Imitation Approach for Improving
Cross-Lingual Transfer | Accepted at EACL 2023 | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Zero-shot cross-lingual transfer is promising, however has been shown to be
sub-optimal, with inferior transfer performance across low-resource languages.
In this work, we envision languages as domains for improving zero-shot transfer
by jointly reducing the feature incongruity between the source and the target
language and increasing the generalization capabilities of pre-trained
multilingual transformers. We show that our approach, DiTTO, significantly
outperforms the standard zero-shot fine-tuning method on multiple datasets
across all languages using solely unlabeled instances in the target language.
Empirical results show that jointly reducing feature incongruity for multiple
target languages is vital for successful cross-lingual transfer. Moreover, our
model enables better cross-lingual transfer than standard fine-tuning methods,
even in the few-shot setting.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 08:42:50 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Kumar",
"Shanu",
""
],
[
"Soujanya",
"Abbaraju",
""
],
[
"Dandapat",
"Sandipan",
""
],
[
"Sitaram",
"Sunayana",
""
],
[
"Choudhury",
"Monojit",
""
]
] | TITLE: DiTTO: A Feature Representation Imitation Approach for Improving
Cross-Lingual Transfer
ABSTRACT: Zero-shot cross-lingual transfer is promising, however has been shown to be
sub-optimal, with inferior transfer performance across low-resource languages.
In this work, we envision languages as domains for improving zero-shot transfer
by jointly reducing the feature incongruity between the source and the target
language and increasing the generalization capabilities of pre-trained
multilingual transformers. We show that our approach, DiTTO, significantly
outperforms the standard zero-shot fine-tuning method on multiple datasets
across all languages using solely unlabeled instances in the target language.
Empirical results show that jointly reducing feature incongruity for multiple
target languages is vital for successful cross-lingual transfer. Moreover, our
model enables better cross-lingual transfer than standard fine-tuning methods,
even in the few-shot setting.
|
2303.02387 | Zhijian Zhuo | Zhijian Zhuo, Yifei Wang, Jinwen Ma, Yisen Wang | Towards a Unified Theoretical Understanding of Non-contrastive Learning
via Rank Differential Mechanism | Accepted by ICLR 2023 | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recently, a variety of methods under the name of non-contrastive learning
(like BYOL, SimSiam, SwAV, DINO) show that when equipped with some asymmetric
architectural designs, aligning positive pairs alone is sufficient to attain
good performance in self-supervised visual learning. Despite some
understandings of some specific modules (like the predictor in BYOL), there is
yet no unified theoretical understanding of how these seemingly different
asymmetric designs can all avoid feature collapse, particularly considering
methods that also work without the predictor (like DINO). In this work, we
propose a unified theoretical understanding for existing variants of
non-contrastive learning. Our theory named Rank Differential Mechanism (RDM)
shows that all these asymmetric designs create a consistent rank difference in
their dual-branch output features. This rank difference will provably lead to
an improvement of effective dimensionality and alleviate either complete or
dimensional feature collapse. Different from previous theories, our RDM theory
is applicable to different asymmetric designs (with and without the predictor),
and thus can serve as a unified understanding of existing non-contrastive
learning methods. Besides, our RDM theory also provides practical guidelines
for designing many new non-contrastive variants. We show that these variants
indeed achieve comparable performance to existing methods on benchmark
datasets, and some of them even outperform the baselines. Our code is available
at \url{https://github.com/PKU-ML/Rank-Differential-Mechanism}.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 11:36:41 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhuo",
"Zhijian",
""
],
[
"Wang",
"Yifei",
""
],
[
"Ma",
"Jinwen",
""
],
[
"Wang",
"Yisen",
""
]
] | TITLE: Towards a Unified Theoretical Understanding of Non-contrastive Learning
via Rank Differential Mechanism
ABSTRACT: Recently, a variety of methods under the name of non-contrastive learning
(like BYOL, SimSiam, SwAV, DINO) show that when equipped with some asymmetric
architectural designs, aligning positive pairs alone is sufficient to attain
good performance in self-supervised visual learning. Despite some
understandings of some specific modules (like the predictor in BYOL), there is
yet no unified theoretical understanding of how these seemingly different
asymmetric designs can all avoid feature collapse, particularly considering
methods that also work without the predictor (like DINO). In this work, we
propose a unified theoretical understanding for existing variants of
non-contrastive learning. Our theory named Rank Differential Mechanism (RDM)
shows that all these asymmetric designs create a consistent rank difference in
their dual-branch output features. This rank difference will provably lead to
an improvement of effective dimensionality and alleviate either complete or
dimensional feature collapse. Different from previous theories, our RDM theory
is applicable to different asymmetric designs (with and without the predictor),
and thus can serve as a unified understanding of existing non-contrastive
learning methods. Besides, our RDM theory also provides practical guidelines
for designing many new non-contrastive variants. We show that these variants
indeed achieve comparable performance to existing methods on benchmark
datasets, and some of them even outperform the baselines. Our code is available
at \url{https://github.com/PKU-ML/Rank-Differential-Mechanism}.
|
2303.02388 | Dawei Dai | Xia Shuyin, Dai Dawei, Yang Long, Zhany Li, Lan Danf, Zhu hao, Wang
Guoy | Graph-based Representation for Image based on Granular-ball | 9 pages, 5 figures | null | null | null | cs.CV eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Current image processing methods usually operate on the finest-granularity
unit; that is, the pixel, which leads to challenges in terms of efficiency,
robustness, and understandability in deep learning models. We present an
improved granular-ball computing method to represent the image as a graph, in
which each node expresses a structural block in the image and each edge
represents the association between two nodes. Specifically:(1) We design a
gradient-based strategy for the adaptive reorganization of all pixels in the
image into numerous rectangular regions, each of which can be regarded as one
node. (2) Each node has a connection edge with the nodes with which it shares
regions. (3) We design a low-dimensional vector as the attribute of each node.
All nodes and their corresponding edges form a graphical representation of a
digital image. In the experiments, our proposed graph representation is applied
to benchmark datasets for image classification tasks, and the efficiency and
good understandability demonstrate that our proposed method offers significant
potential in artificial intelligence theory and application.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 11:39:46 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Shuyin",
"Xia",
""
],
[
"Dawei",
"Dai",
""
],
[
"Long",
"Yang",
""
],
[
"Li",
"Zhany",
""
],
[
"Danf",
"Lan",
""
],
[
"hao",
"Zhu",
""
],
[
"Guoy",
"Wang",
""
]
] | TITLE: Graph-based Representation for Image based on Granular-ball
ABSTRACT: Current image processing methods usually operate on the finest-granularity
unit; that is, the pixel, which leads to challenges in terms of efficiency,
robustness, and understandability in deep learning models. We present an
improved granular-ball computing method to represent the image as a graph, in
which each node expresses a structural block in the image and each edge
represents the association between two nodes. Specifically:(1) We design a
gradient-based strategy for the adaptive reorganization of all pixels in the
image into numerous rectangular regions, each of which can be regarded as one
node. (2) Each node has a connection edge with the nodes with which it shares
regions. (3) We design a low-dimensional vector as the attribute of each node.
All nodes and their corresponding edges form a graphical representation of a
digital image. In the experiments, our proposed graph representation is applied
to benchmark datasets for image classification tasks, and the efficiency and
good understandability demonstrate that our proposed method offers significant
potential in artificial intelligence theory and application.
|
2303.02389 | Yuxuan Duan | Yuxuan Duan, Yan Hong, Li Niu, Liqing Zhang | Few-Shot Defect Image Generation via Defect-Aware Feature Manipulation | Accepted by AAAI 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The performances of defect inspection have been severely hindered by
insufficient defect images in industries, which can be alleviated by generating
more samples as data augmentation. We propose the first defect image generation
method in the challenging few-shot cases. Given just a handful of defect images
and relatively more defect-free ones, our goal is to augment the dataset with
new defect images. Our method consists of two training stages. First, we train
a data-efficient StyleGAN2 on defect-free images as the backbone. Second, we
attach defect-aware residual blocks to the backbone, which learn to produce
reasonable defect masks and accordingly manipulate the features within the
masked regions by training the added modules on limited defect images.
Extensive experiments on MVTec AD dataset not only validate the effectiveness
of our method in generating realistic and diverse defect images, but also
manifest the benefits it brings to downstream defect inspection tasks. Codes
are available at https://github.com/Ldhlwh/DFMGAN.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 11:43:08 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Duan",
"Yuxuan",
""
],
[
"Hong",
"Yan",
""
],
[
"Niu",
"Li",
""
],
[
"Zhang",
"Liqing",
""
]
] | TITLE: Few-Shot Defect Image Generation via Defect-Aware Feature Manipulation
ABSTRACT: The performances of defect inspection have been severely hindered by
insufficient defect images in industries, which can be alleviated by generating
more samples as data augmentation. We propose the first defect image generation
method in the challenging few-shot cases. Given just a handful of defect images
and relatively more defect-free ones, our goal is to augment the dataset with
new defect images. Our method consists of two training stages. First, we train
a data-efficient StyleGAN2 on defect-free images as the backbone. Second, we
attach defect-aware residual blocks to the backbone, which learn to produce
reasonable defect masks and accordingly manipulate the features within the
masked regions by training the added modules on limited defect images.
Extensive experiments on MVTec AD dataset not only validate the effectiveness
of our method in generating realistic and diverse defect images, but also
manifest the benefits it brings to downstream defect inspection tasks. Codes
are available at https://github.com/Ldhlwh/DFMGAN.
|
2303.02404 | Qi Wei | Qi Wei, Lei Feng, Haoliang Sun, Ren Wang, Chenhui Guo, Yilong Yin | Fine-Grained Classification with Noisy Labels | Accepted to CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Learning with noisy labels (LNL) aims to ensure model generalization given a
label-corrupted training set. In this work, we investigate a rarely studied
scenario of LNL on fine-grained datasets (LNL-FG), which is more practical and
challenging as large inter-class ambiguities among fine-grained classes cause
more noisy labels. We empirically show that existing methods that work well for
LNL fail to achieve satisfying performance for LNL-FG, arising the practical
need of effective solutions for LNL-FG. To this end, we propose a novel
framework called stochastic noise-tolerated supervised contrastive learning
(SNSCL) that confronts label noise by encouraging distinguishable
representation. Specifically, we design a noise-tolerated supervised
contrastive learning loss that incorporates a weight-aware mechanism for noisy
label correction and selectively updating momentum queue lists. By this
mechanism, we mitigate the effects of noisy anchors and avoid inserting noisy
labels into the momentum-updated queue. Besides, to avoid manually-defined
augmentation strategies in contrastive learning, we propose an efficient
stochastic module that samples feature embeddings from a generated
distribution, which can also enhance the representation ability of deep models.
SNSCL is general and compatible with prevailing robust LNL strategies to
improve their performance for LNL-FG. Extensive experiments demonstrate the
effectiveness of SNSCL.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 12:32:45 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wei",
"Qi",
""
],
[
"Feng",
"Lei",
""
],
[
"Sun",
"Haoliang",
""
],
[
"Wang",
"Ren",
""
],
[
"Guo",
"Chenhui",
""
],
[
"Yin",
"Yilong",
""
]
] | TITLE: Fine-Grained Classification with Noisy Labels
ABSTRACT: Learning with noisy labels (LNL) aims to ensure model generalization given a
label-corrupted training set. In this work, we investigate a rarely studied
scenario of LNL on fine-grained datasets (LNL-FG), which is more practical and
challenging as large inter-class ambiguities among fine-grained classes cause
more noisy labels. We empirically show that existing methods that work well for
LNL fail to achieve satisfying performance for LNL-FG, arising the practical
need of effective solutions for LNL-FG. To this end, we propose a novel
framework called stochastic noise-tolerated supervised contrastive learning
(SNSCL) that confronts label noise by encouraging distinguishable
representation. Specifically, we design a noise-tolerated supervised
contrastive learning loss that incorporates a weight-aware mechanism for noisy
label correction and selectively updating momentum queue lists. By this
mechanism, we mitigate the effects of noisy anchors and avoid inserting noisy
labels into the momentum-updated queue. Besides, to avoid manually-defined
augmentation strategies in contrastive learning, we propose an efficient
stochastic module that samples feature embeddings from a generated
distribution, which can also enhance the representation ability of deep models.
SNSCL is general and compatible with prevailing robust LNL strategies to
improve their performance for LNL-FG. Extensive experiments demonstrate the
effectiveness of SNSCL.
|
2303.02418 | Chang Meng | Wei Guo, Chang Meng, Enming Yuan, Zhicheng He, Huifeng Guo, Yingxue
Zhang, Bo Chen, Yaochen Hu, Ruiming Tang, Xiu Li, Rui Zhang | Compressed Interaction Graph based Framework for Multi-behavior
Recommendation | Wei Guo and Chang Meng are co-first authors and contributed equally
to this research. Chang Meng is supervised by Wei Guo when he was a research
intern at Huawei Noah's Ark Lab | null | null | null | cs.IR cs.LG | http://creativecommons.org/licenses/by/4.0/ | Multi-types of user behavior data (e.g., clicking, adding to cart, and
purchasing) are recorded in most real-world recommendation scenarios, which can
help to learn users' multi-faceted preferences. However, it is challenging to
explore multi-behavior data due to the unbalanced data distribution and sparse
target behavior, which lead to the inadequate modeling of high-order relations
when treating multi-behavior data ''as features'' and gradient conflict in
multitask learning when treating multi-behavior data ''as labels''. In this
paper, we propose CIGF, a Compressed Interaction Graph based Framework, to
overcome the above limitations. Specifically, we design a novel Compressed
Interaction Graph Convolution Network (CIGCN) to model instance-level
high-order relations explicitly. To alleviate the potential gradient conflict
when treating multi-behavior data ''as labels'', we propose a Multi-Expert with
Separate Input (MESI) network with separate input on the top of CIGCN for
multi-task learning. Comprehensive experiments on three large-scale real-world
datasets demonstrate the superiority of CIGF. Ablation studies and in-depth
analysis further validate the effectiveness of our proposed model in capturing
high-order relations and alleviating gradient conflict. The source code and
datasets are available at https://github.com/MC-CV/CIGF.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 13:41:36 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Guo",
"Wei",
""
],
[
"Meng",
"Chang",
""
],
[
"Yuan",
"Enming",
""
],
[
"He",
"Zhicheng",
""
],
[
"Guo",
"Huifeng",
""
],
[
"Zhang",
"Yingxue",
""
],
[
"Chen",
"Bo",
""
],
[
"Hu",
"Yaochen",
""
],
[
"Tang",
"Ruiming",
""
],
[
"Li",
"Xiu",
""
],
[
"Zhang",
"Rui",
""
]
] | TITLE: Compressed Interaction Graph based Framework for Multi-behavior
Recommendation
ABSTRACT: Multi-types of user behavior data (e.g., clicking, adding to cart, and
purchasing) are recorded in most real-world recommendation scenarios, which can
help to learn users' multi-faceted preferences. However, it is challenging to
explore multi-behavior data due to the unbalanced data distribution and sparse
target behavior, which lead to the inadequate modeling of high-order relations
when treating multi-behavior data ''as features'' and gradient conflict in
multitask learning when treating multi-behavior data ''as labels''. In this
paper, we propose CIGF, a Compressed Interaction Graph based Framework, to
overcome the above limitations. Specifically, we design a novel Compressed
Interaction Graph Convolution Network (CIGCN) to model instance-level
high-order relations explicitly. To alleviate the potential gradient conflict
when treating multi-behavior data ''as labels'', we propose a Multi-Expert with
Separate Input (MESI) network with separate input on the top of CIGCN for
multi-task learning. Comprehensive experiments on three large-scale real-world
datasets demonstrate the superiority of CIGF. Ablation studies and in-depth
analysis further validate the effectiveness of our proposed model in capturing
high-order relations and alleviating gradient conflict. The source code and
datasets are available at https://github.com/MC-CV/CIGF.
|
2303.02421 | Taslim Murad | Taslim Murad, Sarwan Ali, Murray Patterson | Exploring The Potential Of GANs In Biological Sequence Analysis | null | null | null | null | cs.LG q-bio.QM | http://creativecommons.org/licenses/by/4.0/ | Biological sequence analysis is an essential step toward building a deeper
understanding of the underlying functions, structures, and behaviors of the
sequences. It can help in identifying the characteristics of the associated
organisms, like viruses, etc., and building prevention mechanisms to eradicate
their spread and impact, as viruses are known to cause epidemics that can
become pandemics globally. New tools for biological sequence analysis are
provided by machine learning (ML) technologies to effectively analyze the
functions and structures of the sequences. However, these ML-based methods
undergo challenges with data imbalance, generally associated with biological
sequence datasets, which hinders their performance. Although various strategies
are present to address this issue, like the SMOTE algorithm, which creates
synthetic data, however, they focus on local information rather than the
overall class distribution. In this work, we explore a novel approach to handle
the data imbalance issue based on Generative Adversarial Networks (GANs) which
use the overall data distribution. GANs are utilized to generate synthetic data
that closely resembles the real one, thus this generated data can be employed
to enhance the ML models' performance by eradicating the class imbalance
problem for biological sequence analysis. We perform 3 distinct classification
tasks by using 3 different sequence datasets (Influenza A Virus, PALMdb, VDjDB)
and our results illustrate that GANs can improve the overall classification
performance.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 13:46:45 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Murad",
"Taslim",
""
],
[
"Ali",
"Sarwan",
""
],
[
"Patterson",
"Murray",
""
]
] | TITLE: Exploring The Potential Of GANs In Biological Sequence Analysis
ABSTRACT: Biological sequence analysis is an essential step toward building a deeper
understanding of the underlying functions, structures, and behaviors of the
sequences. It can help in identifying the characteristics of the associated
organisms, like viruses, etc., and building prevention mechanisms to eradicate
their spread and impact, as viruses are known to cause epidemics that can
become pandemics globally. New tools for biological sequence analysis are
provided by machine learning (ML) technologies to effectively analyze the
functions and structures of the sequences. However, these ML-based methods
undergo challenges with data imbalance, generally associated with biological
sequence datasets, which hinders their performance. Although various strategies
are present to address this issue, like the SMOTE algorithm, which creates
synthetic data, however, they focus on local information rather than the
overall class distribution. In this work, we explore a novel approach to handle
the data imbalance issue based on Generative Adversarial Networks (GANs) which
use the overall data distribution. GANs are utilized to generate synthetic data
that closely resembles the real one, thus this generated data can be employed
to enhance the ML models' performance by eradicating the class imbalance
problem for biological sequence analysis. We perform 3 distinct classification
tasks by using 3 different sequence datasets (Influenza A Virus, PALMdb, VDjDB)
and our results illustrate that GANs can improve the overall classification
performance.
|
2303.02428 | Zhijie Tan | Zhijie Tan, Xiang Yuan, Shengwei Meng, Yakun Huang, Weiping Li,
Zhonghai Wu, Tong Mo | Building a Modal-balanced BlockChain with Semantic Reconstruction | 4pages, 1 figure | null | null | null | cs.MM | http://creativecommons.org/licenses/by-nc-sa/4.0/ | The current large blockchain systems (BTC Lightning network, Ethereum, etc.)
are generally facing the problems of low persistence rates and high storage
costs. Therefore, users tend to store single modal (textual) information on the
existing blockchain systems. Inspired by semantic communication algorithms,
this paper presents a new algorithm to solve the serious imbalance between
textual and visual modals on blockchains. After semantic sampling of the
original visual image, the resulting semantic text will be stored on the chain,
and the end users can reconstruct a semantically similar image using the
\textbf{R}elative \textbf{O}ptimal \textbf{S}emantic \textbf{I}sotope
\textbf{S}election algorithm. Experiments on the DIV2K dataset show that the
blockchain with our algorithm can achieve 430,000 times the storage capacity
and 550,000 times the persistence rate for the original visual data with
acceptable semantic information loss.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 14:32:46 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Tan",
"Zhijie",
""
],
[
"Yuan",
"Xiang",
""
],
[
"Meng",
"Shengwei",
""
],
[
"Huang",
"Yakun",
""
],
[
"Li",
"Weiping",
""
],
[
"Wu",
"Zhonghai",
""
],
[
"Mo",
"Tong",
""
]
] | TITLE: Building a Modal-balanced BlockChain with Semantic Reconstruction
ABSTRACT: The current large blockchain systems (BTC Lightning network, Ethereum, etc.)
are generally facing the problems of low persistence rates and high storage
costs. Therefore, users tend to store single modal (textual) information on the
existing blockchain systems. Inspired by semantic communication algorithms,
this paper presents a new algorithm to solve the serious imbalance between
textual and visual modals on blockchains. After semantic sampling of the
original visual image, the resulting semantic text will be stored on the chain,
and the end users can reconstruct a semantically similar image using the
\textbf{R}elative \textbf{O}ptimal \textbf{S}emantic \textbf{I}sotope
\textbf{S}election algorithm. Experiments on the DIV2K dataset show that the
blockchain with our algorithm can achieve 430,000 times the storage capacity
and 550,000 times the persistence rate for the original visual data with
acceptable semantic information loss.
|
2303.02448 | Wenqian Li | Wenqian Li, Yinchuan Li, Zhigang Li, Jianye Hao, Yan Pang | DAG Matters! GFlowNets Enhanced Explainer For Graph Neural Networks | ICLR 2023 | null | null | null | cs.LG cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Uncovering rationales behind predictions of graph neural networks (GNNs) has
received increasing attention over the years. Existing literature mainly focus
on selecting a subgraph, through combinatorial optimization, to provide
faithful explanations. However, the exponential size of candidate subgraphs
limits the applicability of state-of-the-art methods to large-scale GNNs. We
enhance on this through a different approach: by proposing a generative
structure -- GFlowNets-based GNN Explainer (GFlowExplainer), we turn the
optimization problem into a step-by-step generative problem. Our GFlowExplainer
aims to learn a policy that generates a distribution of subgraphs for which the
probability of a subgraph is proportional to its' reward. The proposed approach
eliminates the influence of node sequence and thus does not need any
pre-training strategies. We also propose a new cut vertex matrix to efficiently
explore parent states for GFlowNets structure, thus making our approach
applicable in a large-scale setting. We conduct extensive experiments on both
synthetic and real datasets, and both qualitative and quantitative results show
the superiority of our GFlowExplainer.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 16:15:25 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Wenqian",
""
],
[
"Li",
"Yinchuan",
""
],
[
"Li",
"Zhigang",
""
],
[
"Hao",
"Jianye",
""
],
[
"Pang",
"Yan",
""
]
] | TITLE: DAG Matters! GFlowNets Enhanced Explainer For Graph Neural Networks
ABSTRACT: Uncovering rationales behind predictions of graph neural networks (GNNs) has
received increasing attention over the years. Existing literature mainly focus
on selecting a subgraph, through combinatorial optimization, to provide
faithful explanations. However, the exponential size of candidate subgraphs
limits the applicability of state-of-the-art methods to large-scale GNNs. We
enhance on this through a different approach: by proposing a generative
structure -- GFlowNets-based GNN Explainer (GFlowExplainer), we turn the
optimization problem into a step-by-step generative problem. Our GFlowExplainer
aims to learn a policy that generates a distribution of subgraphs for which the
probability of a subgraph is proportional to its' reward. The proposed approach
eliminates the influence of node sequence and thus does not need any
pre-training strategies. We also propose a new cut vertex matrix to efficiently
explore parent states for GFlowNets structure, thus making our approach
applicable in a large-scale setting. We conduct extensive experiments on both
synthetic and real datasets, and both qualitative and quantitative results show
the superiority of our GFlowExplainer.
|
2303.02449 | Jiren Mai | Jiren Mai and Fei Zhang and Junjie Ye and Marcus Kalander and Xian
Zhang and WanKou Yang and Tongliang Liu and Bo Han | Exploit CAM by itself: Complementary Learning System for Weakly
Supervised Semantic Segmentation | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Weakly Supervised Semantic Segmentation (WSSS) with image-level labels has
long been suffering from fragmentary object regions led by Class Activation Map
(CAM), which is incapable of generating fine-grained masks for semantic
segmentation. To guide CAM to find more non-discriminating object patterns,
this paper turns to an interesting working mechanism in agent learning named
Complementary Learning System (CLS). CLS holds that the neocortex builds a
sensation of general knowledge, while the hippocampus specially learns specific
details, completing the learned patterns. Motivated by this simple but
effective learning pattern, we propose a General-Specific Learning Mechanism
(GSLM) to explicitly drive a coarse-grained CAM to a fine-grained pseudo mask.
Specifically, GSLM develops a General Learning Module (GLM) and a Specific
Learning Module (SLM). The GLM is trained with image-level supervision to
extract coarse and general localization representations from CAM. Based on the
general knowledge in the GLM, the SLM progressively exploits the specific
spatial knowledge from the localization representations, expanding the CAM in
an explicit way. To this end, we propose the Seed Reactivation to help SLM
reactivate non-discriminating regions by setting a boundary for activation
values, which successively identifies more regions of CAM. Without extra
refinement processes, our method is able to achieve breakthrough improvements
for CAM of over 20.0% mIoU on PASCAL VOC 2012 and 10.0% mIoU on MS COCO 2014
datasets, representing a new state-of-the-art among existing WSSS methods.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 16:16:47 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Mai",
"Jiren",
""
],
[
"Zhang",
"Fei",
""
],
[
"Ye",
"Junjie",
""
],
[
"Kalander",
"Marcus",
""
],
[
"Zhang",
"Xian",
""
],
[
"Yang",
"WanKou",
""
],
[
"Liu",
"Tongliang",
""
],
[
"Han",
"Bo",
""
]
] | TITLE: Exploit CAM by itself: Complementary Learning System for Weakly
Supervised Semantic Segmentation
ABSTRACT: Weakly Supervised Semantic Segmentation (WSSS) with image-level labels has
long been suffering from fragmentary object regions led by Class Activation Map
(CAM), which is incapable of generating fine-grained masks for semantic
segmentation. To guide CAM to find more non-discriminating object patterns,
this paper turns to an interesting working mechanism in agent learning named
Complementary Learning System (CLS). CLS holds that the neocortex builds a
sensation of general knowledge, while the hippocampus specially learns specific
details, completing the learned patterns. Motivated by this simple but
effective learning pattern, we propose a General-Specific Learning Mechanism
(GSLM) to explicitly drive a coarse-grained CAM to a fine-grained pseudo mask.
Specifically, GSLM develops a General Learning Module (GLM) and a Specific
Learning Module (SLM). The GLM is trained with image-level supervision to
extract coarse and general localization representations from CAM. Based on the
general knowledge in the GLM, the SLM progressively exploits the specific
spatial knowledge from the localization representations, expanding the CAM in
an explicit way. To this end, we propose the Seed Reactivation to help SLM
reactivate non-discriminating regions by setting a boundary for activation
values, which successively identifies more regions of CAM. Without extra
refinement processes, our method is able to achieve breakthrough improvements
for CAM of over 20.0% mIoU on PASCAL VOC 2012 and 10.0% mIoU on MS COCO 2014
datasets, representing a new state-of-the-art among existing WSSS methods.
|
2303.02460 | Jing Wu | Jing Wu, David Pichler, Daniel Marley, David Wilson, Naira Hovakimyan,
Jennifer Hobbs | Extended Agriculture-Vision: An Extension of a Large Aerial Image
Dataset for Agricultural Pattern Analysis | Dataset:
https://github.com/jingwu6/Extended-Agriculture-Vision-Dataset Video:
https://youtu.be/2xaKxUpY4iQ | Transactions on Machine Learning Research(TMLR2023) | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | A key challenge for much of the machine learning work on remote sensing and
earth observation data is the difficulty in acquiring large amounts of
accurately labeled data. This is particularly true for semantic segmentation
tasks, which are much less common in the remote sensing domain because of the
incredible difficulty in collecting precise, accurate, pixel-level annotations
at scale. Recent efforts have addressed these challenges both through the
creation of supervised datasets as well as the application of self-supervised
methods. We continue these efforts on both fronts. First, we generate and
release an improved version of the Agriculture-Vision dataset (Chiu et al.,
2020b) to include raw, full-field imagery for greater experimental flexibility.
Second, we extend this dataset with the release of 3600 large, high-resolution
(10cm/pixel), full-field, red-green-blue and near-infrared images for
pre-training. Third, we incorporate the Pixel-to-Propagation Module Xie et al.
(2021b) originally built on the SimCLR framework into the framework of MoCo-V2
Chen et al.(2020b). Finally, we demonstrate the usefulness of this data by
benchmarking different contrastive learning approaches on both downstream
classification and semantic segmentation tasks. We explore both CNN and Swin
Transformer Liu et al. (2021a) architectures within different frameworks based
on MoCo-V2. Together, these approaches enable us to better detect key
agricultural patterns of interest across a field from aerial imagery so that
farmers may be alerted to problematic areas in a timely fashion to inform their
management decisions. Furthermore, the release of these datasets will support
numerous avenues of research for computer vision in remote sensing for
agriculture.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 17:35:24 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wu",
"Jing",
""
],
[
"Pichler",
"David",
""
],
[
"Marley",
"Daniel",
""
],
[
"Wilson",
"David",
""
],
[
"Hovakimyan",
"Naira",
""
],
[
"Hobbs",
"Jennifer",
""
]
] | TITLE: Extended Agriculture-Vision: An Extension of a Large Aerial Image
Dataset for Agricultural Pattern Analysis
ABSTRACT: A key challenge for much of the machine learning work on remote sensing and
earth observation data is the difficulty in acquiring large amounts of
accurately labeled data. This is particularly true for semantic segmentation
tasks, which are much less common in the remote sensing domain because of the
incredible difficulty in collecting precise, accurate, pixel-level annotations
at scale. Recent efforts have addressed these challenges both through the
creation of supervised datasets as well as the application of self-supervised
methods. We continue these efforts on both fronts. First, we generate and
release an improved version of the Agriculture-Vision dataset (Chiu et al.,
2020b) to include raw, full-field imagery for greater experimental flexibility.
Second, we extend this dataset with the release of 3600 large, high-resolution
(10cm/pixel), full-field, red-green-blue and near-infrared images for
pre-training. Third, we incorporate the Pixel-to-Propagation Module Xie et al.
(2021b) originally built on the SimCLR framework into the framework of MoCo-V2
Chen et al.(2020b). Finally, we demonstrate the usefulness of this data by
benchmarking different contrastive learning approaches on both downstream
classification and semantic segmentation tasks. We explore both CNN and Swin
Transformer Liu et al. (2021a) architectures within different frameworks based
on MoCo-V2. Together, these approaches enable us to better detect key
agricultural patterns of interest across a field from aerial imagery so that
farmers may be alerted to problematic areas in a timely fashion to inform their
management decisions. Furthermore, the release of these datasets will support
numerous avenues of research for computer vision in remote sensing for
agriculture.
|
2303.02467 | Sai Rohith Tanuku | Sai Rohith Tanuku and Venkat Tummala | Integration of Feature Selection Techniques using a Sleep Quality
Dataset for Comparing Regression Algorithms | null | null | null | null | cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | This research aims to examine the usefulness of integrating various feature
selection methods with regression algorithms for sleep quality prediction. A
publicly accessible sleep quality dataset is used to analyze the effect of
different feature selection techniques on the performance of four regression
algorithms - Linear regression, Ridge regression, Lasso Regression and Random
Forest Regressor. The results are compared to determine the optimal combination
of feature selection techniques and regression algorithms. The conclusion of
the study enriches the current literature on using machine learning for sleep
quality prediction and has practical significance for personalizing sleep
recommendations for individuals.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 17:58:25 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Tanuku",
"Sai Rohith",
""
],
[
"Tummala",
"Venkat",
""
]
] | TITLE: Integration of Feature Selection Techniques using a Sleep Quality
Dataset for Comparing Regression Algorithms
ABSTRACT: This research aims to examine the usefulness of integrating various feature
selection methods with regression algorithms for sleep quality prediction. A
publicly accessible sleep quality dataset is used to analyze the effect of
different feature selection techniques on the performance of four regression
algorithms - Linear regression, Ridge regression, Lasso Regression and Random
Forest Regressor. The results are compared to determine the optimal combination
of feature selection techniques and regression algorithms. The conclusion of
the study enriches the current literature on using machine learning for sleep
quality prediction and has practical significance for personalizing sleep
recommendations for individuals.
|
2303.02483 | Xiao Han | Xiao Han, Xiatian Zhu, Licheng Yu, Li Zhang, Yi-Zhe Song, Tao Xiang | FAME-ViL: Multi-Tasking Vision-Language Model for Heterogeneous Fashion
Tasks | CVPR 2023 | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | In the fashion domain, there exists a variety of vision-and-language (V+L)
tasks, including cross-modal retrieval, text-guided image retrieval,
multi-modal classification, and image captioning. They differ drastically in
each individual input/output format and dataset size. It has been common to
design a task-specific model and fine-tune it independently from a pre-trained
V+L model (e.g., CLIP). This results in parameter inefficiency and inability to
exploit inter-task relatedness. To address such issues, we propose a novel
FAshion-focused Multi-task Efficient learning method for Vision-and-Language
tasks (FAME-ViL) in this work. Compared with existing approaches, FAME-ViL
applies a single model for multiple heterogeneous fashion tasks, therefore
being much more parameter-efficient. It is enabled by two novel components: (1)
a task-versatile architecture with cross-attention adapters and task-specific
adapters integrated into a unified V+L model, and (2) a stable and effective
multi-task training strategy that supports learning from heterogeneous data and
prevents negative transfer. Extensive experiments on four fashion tasks show
that our FAME-ViL can save 61.5% of parameters over alternatives, while
significantly outperforming the conventional independently trained single-task
models. Code is available at https://github.com/BrandonHanx/FAME-ViL.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 19:07:48 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Han",
"Xiao",
""
],
[
"Zhu",
"Xiatian",
""
],
[
"Yu",
"Licheng",
""
],
[
"Zhang",
"Li",
""
],
[
"Song",
"Yi-Zhe",
""
],
[
"Xiang",
"Tao",
""
]
] | TITLE: FAME-ViL: Multi-Tasking Vision-Language Model for Heterogeneous Fashion
Tasks
ABSTRACT: In the fashion domain, there exists a variety of vision-and-language (V+L)
tasks, including cross-modal retrieval, text-guided image retrieval,
multi-modal classification, and image captioning. They differ drastically in
each individual input/output format and dataset size. It has been common to
design a task-specific model and fine-tune it independently from a pre-trained
V+L model (e.g., CLIP). This results in parameter inefficiency and inability to
exploit inter-task relatedness. To address such issues, we propose a novel
FAshion-focused Multi-task Efficient learning method for Vision-and-Language
tasks (FAME-ViL) in this work. Compared with existing approaches, FAME-ViL
applies a single model for multiple heterogeneous fashion tasks, therefore
being much more parameter-efficient. It is enabled by two novel components: (1)
a task-versatile architecture with cross-attention adapters and task-specific
adapters integrated into a unified V+L model, and (2) a stable and effective
multi-task training strategy that supports learning from heterogeneous data and
prevents negative transfer. Extensive experiments on four fashion tasks show
that our FAME-ViL can save 61.5% of parameters over alternatives, while
significantly outperforming the conventional independently trained single-task
models. Code is available at https://github.com/BrandonHanx/FAME-ViL.
|
2303.02505 | Ismail Mustapha | Ismail. B. Mustapha, Shafaatunnur Hasan, Hatem S Y Nabbus, Mohamed
Mostafa Ali Montaser, Sunday Olusanya Olatunji, Siti Maryam Shamsuddin | Investigating Group Distributionally Robust Optimization for Deep
Imbalanced Learning: A Case Study of Binary Tabular Data Classification | 10 pages | International Journal of Advanced Computer Science and
Applications,Vol. 14, No. 2, 2023 | 10.14569/IJACSA.2023.0140286 | null | cs.LG cs.AI | http://creativecommons.org/licenses/by/4.0/ | One of the most studied machine learning challenges that recent studies have
shown the susceptibility of deep neural networks to is the class imbalance
problem. While concerted research efforts in this direction have been notable
in recent years, findings have shown that the canonical learning objective,
empirical risk minimization (ERM), is unable to achieve optimal imbalance
learning in deep neural networks given its bias to the majority class. An
alternative learning objective, group distributionally robust optimization
(gDRO), is investigated in this study for imbalance learning, focusing on
tabular imbalanced data as against image data that has dominated deep imbalance
learning research. Contrary to minimizing average per instance loss as in ERM,
gDRO seeks to minimize the worst group loss over the training data.
Experimental findings in comparison with ERM and classical imbalance methods
using four popularly used evaluation metrics in imbalance learning across
several benchmark imbalance binary tabular data of varying imbalance ratios
reveal impressive performance of gDRO, outperforming other compared methods in
terms of g-mean and roc-auc.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 21:20:58 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Mustapha",
"Ismail. B.",
""
],
[
"Hasan",
"Shafaatunnur",
""
],
[
"Nabbus",
"Hatem S Y",
""
],
[
"Montaser",
"Mohamed Mostafa Ali",
""
],
[
"Olatunji",
"Sunday Olusanya",
""
],
[
"Shamsuddin",
"Siti Maryam",
""
]
] | TITLE: Investigating Group Distributionally Robust Optimization for Deep
Imbalanced Learning: A Case Study of Binary Tabular Data Classification
ABSTRACT: One of the most studied machine learning challenges that recent studies have
shown the susceptibility of deep neural networks to is the class imbalance
problem. While concerted research efforts in this direction have been notable
in recent years, findings have shown that the canonical learning objective,
empirical risk minimization (ERM), is unable to achieve optimal imbalance
learning in deep neural networks given its bias to the majority class. An
alternative learning objective, group distributionally robust optimization
(gDRO), is investigated in this study for imbalance learning, focusing on
tabular imbalanced data as against image data that has dominated deep imbalance
learning research. Contrary to minimizing average per instance loss as in ERM,
gDRO seeks to minimize the worst group loss over the training data.
Experimental findings in comparison with ERM and classical imbalance methods
using four popularly used evaluation metrics in imbalance learning across
several benchmark imbalance binary tabular data of varying imbalance ratios
reveal impressive performance of gDRO, outperforming other compared methods in
terms of g-mean and roc-auc.
|
2303.02512 | Jung Im Choi | Jung Im Choi and Qing Tian | Visual Saliency-Guided Channel Pruning for Deep Visual Detectors in
Autonomous Driving | 6 pages, 4 figures | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep neural network (DNN) pruning has become a de facto component for
deploying on resource-constrained devices since it can reduce memory
requirements and computation costs during inference. In particular, channel
pruning gained more popularity due to its structured nature and direct savings
on general hardware. However, most existing pruning approaches utilize
importance measures that are not directly related to the task utility.
Moreover, few in the literature focus on visual detection models. To fill these
gaps, we propose a novel gradient-based saliency measure for visual detection
and use it to guide our channel pruning. Experiments on the KITTI and COCO
traffic datasets demonstrate our pruning method's efficacy and superiority over
state-of-the-art competing approaches. It can even achieve better performance
with fewer parameters than the original model. Our pruning also demonstrates
great potential in handling small-scale objects.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 22:08:22 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Choi",
"Jung Im",
""
],
[
"Tian",
"Qing",
""
]
] | TITLE: Visual Saliency-Guided Channel Pruning for Deep Visual Detectors in
Autonomous Driving
ABSTRACT: Deep neural network (DNN) pruning has become a de facto component for
deploying on resource-constrained devices since it can reduce memory
requirements and computation costs during inference. In particular, channel
pruning gained more popularity due to its structured nature and direct savings
on general hardware. However, most existing pruning approaches utilize
importance measures that are not directly related to the task utility.
Moreover, few in the literature focus on visual detection models. To fill these
gaps, we propose a novel gradient-based saliency measure for visual detection
and use it to guide our channel pruning. Experiments on the KITTI and COCO
traffic datasets demonstrate our pruning method's efficacy and superiority over
state-of-the-art competing approaches. It can even achieve better performance
with fewer parameters than the original model. Our pruning also demonstrates
great potential in handling small-scale objects.
|
2303.02513 | Md Rabiul Awal | Md Rabiul Awal, Roy Ka-Wei Lee, Eshaan Tanwar, Tanmay Garg, Tanmoy
Chakraborty | Model-Agnostic Meta-Learning for Multilingual Hate Speech Detection | null | null | null | null | cs.CL cs.SI | http://creativecommons.org/licenses/by/4.0/ | Hate speech in social media is a growing phenomenon, and detecting such toxic
content has recently gained significant traction in the research community.
Existing studies have explored fine-tuning language models (LMs) to perform
hate speech detection, and these solutions have yielded significant
performance. However, most of these studies are limited to detecting hate
speech only in English, neglecting the bulk of hateful content that is
generated in other languages, particularly in low-resource languages.
Developing a classifier that captures hate speech and nuances in a low-resource
language with limited data is extremely challenging. To fill the research gap,
we propose HateMAML, a model-agnostic meta-learning-based framework that
effectively performs hate speech detection in low-resource languages. HateMAML
utilizes a self-supervision strategy to overcome the limitation of data
scarcity and produces better LM initialization for fast adaptation to an unseen
target language (i.e., cross-lingual transfer) or other hate speech datasets
(i.e., domain generalization). Extensive experiments are conducted on five
datasets across eight different low-resource languages. The results show that
HateMAML outperforms the state-of-the-art baselines by more than 3% in the
cross-domain multilingual transfer setting. We also conduct ablation studies to
analyze the characteristics of HateMAML.
| [
{
"version": "v1",
"created": "Sat, 4 Mar 2023 22:28:29 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Awal",
"Md Rabiul",
""
],
[
"Lee",
"Roy Ka-Wei",
""
],
[
"Tanwar",
"Eshaan",
""
],
[
"Garg",
"Tanmay",
""
],
[
"Chakraborty",
"Tanmoy",
""
]
] | TITLE: Model-Agnostic Meta-Learning for Multilingual Hate Speech Detection
ABSTRACT: Hate speech in social media is a growing phenomenon, and detecting such toxic
content has recently gained significant traction in the research community.
Existing studies have explored fine-tuning language models (LMs) to perform
hate speech detection, and these solutions have yielded significant
performance. However, most of these studies are limited to detecting hate
speech only in English, neglecting the bulk of hateful content that is
generated in other languages, particularly in low-resource languages.
Developing a classifier that captures hate speech and nuances in a low-resource
language with limited data is extremely challenging. To fill the research gap,
we propose HateMAML, a model-agnostic meta-learning-based framework that
effectively performs hate speech detection in low-resource languages. HateMAML
utilizes a self-supervision strategy to overcome the limitation of data
scarcity and produces better LM initialization for fast adaptation to an unseen
target language (i.e., cross-lingual transfer) or other hate speech datasets
(i.e., domain generalization). Extensive experiments are conducted on five
datasets across eight different low-resource languages. The results show that
HateMAML outperforms the state-of-the-art baselines by more than 3% in the
cross-domain multilingual transfer setting. We also conduct ablation studies to
analyze the characteristics of HateMAML.
|
2303.02532 | Zhuqing Liu | Zhuqing Liu, Xin Zhang, Songtao Lu, and Jia Liu | PRECISION: Decentralized Constrained Min-Max Learning with Low
Communication and Sample Complexities | null | null | null | null | cs.LG cs.DC | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recently, min-max optimization problems have received increasing attention
due to their wide range of applications in machine learning (ML). However, most
existing min-max solution techniques are either single-machine or distributed
algorithms coordinated by a central server. In this paper, we focus on the
decentralized min-max optimization for learning with domain constraints, where
multiple agents collectively solve a nonconvex-strongly-concave min-max saddle
point problem without coordination from any server. Decentralized min-max
optimization problems with domain constraints underpins many important ML
applications, including multi-agent ML fairness assurance, and policy
evaluations in multi-agent reinforcement learning. We propose an algorithm
called PRECISION (proximal gradient-tracking and stochastic recursive variance
reduction) that enjoys a convergence rate of $O(1/T)$, where $T$ is the maximum
number of iterations. To further reduce sample complexity, we propose
PRECISION$^+$ with an adaptive batch size technique. We show that the fast
$O(1/T)$ convergence of PRECISION and PRECISION$^+$ to an $\epsilon$-stationary
point imply $O(\epsilon^{-2})$ communication complexity and
$O(m\sqrt{n}\epsilon^{-2})$ sample complexity, where $m$ is the number of
agents and $n$ is the size of dataset at each agent. To our knowledge, this is
the first work that achieves $O(\epsilon^{-2})$ in both sample and
communication complexities in decentralized min-max learning with domain
constraints. Our experiments also corroborate the theoretical results.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 00:26:10 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Liu",
"Zhuqing",
""
],
[
"Zhang",
"Xin",
""
],
[
"Lu",
"Songtao",
""
],
[
"Liu",
"Jia",
""
]
] | TITLE: PRECISION: Decentralized Constrained Min-Max Learning with Low
Communication and Sample Complexities
ABSTRACT: Recently, min-max optimization problems have received increasing attention
due to their wide range of applications in machine learning (ML). However, most
existing min-max solution techniques are either single-machine or distributed
algorithms coordinated by a central server. In this paper, we focus on the
decentralized min-max optimization for learning with domain constraints, where
multiple agents collectively solve a nonconvex-strongly-concave min-max saddle
point problem without coordination from any server. Decentralized min-max
optimization problems with domain constraints underpins many important ML
applications, including multi-agent ML fairness assurance, and policy
evaluations in multi-agent reinforcement learning. We propose an algorithm
called PRECISION (proximal gradient-tracking and stochastic recursive variance
reduction) that enjoys a convergence rate of $O(1/T)$, where $T$ is the maximum
number of iterations. To further reduce sample complexity, we propose
PRECISION$^+$ with an adaptive batch size technique. We show that the fast
$O(1/T)$ convergence of PRECISION and PRECISION$^+$ to an $\epsilon$-stationary
point imply $O(\epsilon^{-2})$ communication complexity and
$O(m\sqrt{n}\epsilon^{-2})$ sample complexity, where $m$ is the number of
agents and $n$ is the size of dataset at each agent. To our knowledge, this is
the first work that achieves $O(\epsilon^{-2})$ in both sample and
communication complexities in decentralized min-max learning with domain
constraints. Our experiments also corroborate the theoretical results.
|
2303.02568 | Yixin Liu | Yixin Liu, Chenrui Fan, Pan Zhou and Lichao Sun | Unlearnable Graph: Protecting Graphs from Unauthorized Exploitation | This paper is accepted as a poster for NDSS 2023 | null | null | null | cs.LG cs.AI cs.CR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | While the use of graph-structured data in various fields is becoming
increasingly popular, it also raises concerns about the potential unauthorized
exploitation of personal data for training commercial graph neural network
(GNN) models, which can compromise privacy. To address this issue, we propose a
novel method for generating unlearnable graph examples. By injecting delusive
but imperceptible noise into graphs using our Error-Minimizing Structural
Poisoning (EMinS) module, we are able to make the graphs unexploitable.
Notably, by modifying only $5\%$ at most of the potential edges in the graph
data, our method successfully decreases the accuracy from ${77.33\%}$ to
${42.47\%}$ on the COLLAB dataset.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 03:30:22 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Liu",
"Yixin",
""
],
[
"Fan",
"Chenrui",
""
],
[
"Zhou",
"Pan",
""
],
[
"Sun",
"Lichao",
""
]
] | TITLE: Unlearnable Graph: Protecting Graphs from Unauthorized Exploitation
ABSTRACT: While the use of graph-structured data in various fields is becoming
increasingly popular, it also raises concerns about the potential unauthorized
exploitation of personal data for training commercial graph neural network
(GNN) models, which can compromise privacy. To address this issue, we propose a
novel method for generating unlearnable graph examples. By injecting delusive
but imperceptible noise into graphs using our Error-Minimizing Structural
Poisoning (EMinS) module, we are able to make the graphs unexploitable.
Notably, by modifying only $5\%$ at most of the potential edges in the graph
data, our method successfully decreases the accuracy from ${77.33\%}$ to
${42.47\%}$ on the COLLAB dataset.
|
2303.02569 | Lantao Yu | Lantao Yu, Tianhe Yu, Jiaming Song, Willie Neiswanger, Stefano Ermon | Offline Imitation Learning with Suboptimal Demonstrations via Relaxed
Distribution Matching | AAAI 2023 | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Offline imitation learning (IL) promises the ability to learn performant
policies from pre-collected demonstrations without interactions with the
environment. However, imitating behaviors fully offline typically requires
numerous expert data. To tackle this issue, we study the setting where we have
limited expert data and supplementary suboptimal data. In this case, a
well-known issue is the distribution shift between the learned policy and the
behavior policy that collects the offline data. Prior works mitigate this issue
by regularizing the KL divergence between the stationary state-action
distributions of the learned policy and the behavior policy. We argue that such
constraints based on exact distribution matching can be overly conservative and
hamper policy learning, especially when the imperfect offline data is highly
suboptimal. To resolve this issue, we present RelaxDICE, which employs an
asymmetrically-relaxed f-divergence for explicit support regularization.
Specifically, instead of driving the learned policy to exactly match the
behavior policy, we impose little penalty whenever the density ratio between
their stationary state-action distributions is upper bounded by a constant.
Note that such formulation leads to a nested min-max optimization problem,
which causes instability in practice. RelaxDICE addresses this challenge by
supporting a closed-form solution for the inner maximization problem. Extensive
empirical study shows that our method significantly outperforms the best prior
offline IL method in six standard continuous control environments with over 30%
performance gain on average, across 22 settings where the imperfect dataset is
highly suboptimal.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 03:35:11 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Yu",
"Lantao",
""
],
[
"Yu",
"Tianhe",
""
],
[
"Song",
"Jiaming",
""
],
[
"Neiswanger",
"Willie",
""
],
[
"Ermon",
"Stefano",
""
]
] | TITLE: Offline Imitation Learning with Suboptimal Demonstrations via Relaxed
Distribution Matching
ABSTRACT: Offline imitation learning (IL) promises the ability to learn performant
policies from pre-collected demonstrations without interactions with the
environment. However, imitating behaviors fully offline typically requires
numerous expert data. To tackle this issue, we study the setting where we have
limited expert data and supplementary suboptimal data. In this case, a
well-known issue is the distribution shift between the learned policy and the
behavior policy that collects the offline data. Prior works mitigate this issue
by regularizing the KL divergence between the stationary state-action
distributions of the learned policy and the behavior policy. We argue that such
constraints based on exact distribution matching can be overly conservative and
hamper policy learning, especially when the imperfect offline data is highly
suboptimal. To resolve this issue, we present RelaxDICE, which employs an
asymmetrically-relaxed f-divergence for explicit support regularization.
Specifically, instead of driving the learned policy to exactly match the
behavior policy, we impose little penalty whenever the density ratio between
their stationary state-action distributions is upper bounded by a constant.
Note that such formulation leads to a nested min-max optimization problem,
which causes instability in practice. RelaxDICE addresses this challenge by
supporting a closed-form solution for the inner maximization problem. Extensive
empirical study shows that our method significantly outperforms the best prior
offline IL method in six standard continuous control environments with over 30%
performance gain on average, across 22 settings where the imperfect dataset is
highly suboptimal.
|
2303.02570 | Hao Liu | Hao Liu, Muhan Zhang, Zehao Dong, Lecheng Kong, Yixin Chen, Bradley
Fritz, Dacheng Tao, Christopher King | Time Associated Meta Learning for Clinical Prediction | null | null | null | null | cs.LG cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Rich Electronic Health Records (EHR), have created opportunities to improve
clinical processes using machine learning methods. Prediction of the same
patient events at different time horizons can have very different applications
and interpretations; however, limited number of events in each potential time
window hurts the effectiveness of conventional machine learning algorithms. We
propose a novel time associated meta learning (TAML) method to make effective
predictions at multiple future time points. We view time-associated disease
prediction as classification tasks at multiple time points. Such
closely-related classification tasks are an excellent candidate for model-based
meta learning. To address the sparsity problem after task splitting, TAML
employs a temporal information sharing strategy to augment the number of
positive samples and include the prediction of related phenotypes or events in
the meta-training phase. We demonstrate the effectiveness of TAML on multiple
clinical datasets, where it consistently outperforms a range of strong
baselines. We also develop a MetaEHR package for implementing both
time-associated and time-independent few-shot prediction on EHR data.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 03:54:54 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Liu",
"Hao",
""
],
[
"Zhang",
"Muhan",
""
],
[
"Dong",
"Zehao",
""
],
[
"Kong",
"Lecheng",
""
],
[
"Chen",
"Yixin",
""
],
[
"Fritz",
"Bradley",
""
],
[
"Tao",
"Dacheng",
""
],
[
"King",
"Christopher",
""
]
] | TITLE: Time Associated Meta Learning for Clinical Prediction
ABSTRACT: Rich Electronic Health Records (EHR), have created opportunities to improve
clinical processes using machine learning methods. Prediction of the same
patient events at different time horizons can have very different applications
and interpretations; however, limited number of events in each potential time
window hurts the effectiveness of conventional machine learning algorithms. We
propose a novel time associated meta learning (TAML) method to make effective
predictions at multiple future time points. We view time-associated disease
prediction as classification tasks at multiple time points. Such
closely-related classification tasks are an excellent candidate for model-based
meta learning. To address the sparsity problem after task splitting, TAML
employs a temporal information sharing strategy to augment the number of
positive samples and include the prediction of related phenotypes or events in
the meta-training phase. We demonstrate the effectiveness of TAML on multiple
clinical datasets, where it consistently outperforms a range of strong
baselines. We also develop a MetaEHR package for implementing both
time-associated and time-independent few-shot prediction on EHR data.
|
2303.02588 | Chenzhuo Zhu | Chenzhuo Zhu, Alexander C. Rucker, Yawen Wang, and William J. Dally | SatIn: Hardware for Boolean Satisfiability Inference | null | null | null | null | cs.AR | http://creativecommons.org/licenses/by/4.0/ | This paper describes SatIn, a hardware accelerator for determining boolean
satisfiability (SAT) -- an important problem in many domains including
verification, security analysis, and planning.
SatIn is based on a distributed associative array which performs short,
atomic operations that can be composed into high level operations.
To overcome scaling limitations imposed by wire delay, we extended the
algorithms used in software solvers to function efficiently on a distributed
set of nodes communicating with message passing.
A cycle-level simulation on real benchmarks shows that SatIn achieves an
average 72x speedup against Glucose, the winner of 2016 SAT competition, with
the potential to achieve a 113x speedup using two contexts.
To quantify SatIn's physical requirements, we placed and routed a single
clause using the Synopsys 32nm} educational development kit.
We were able to meet a 1ns cycle constraint with our target clause fitting in
4867um^2 and consuming 63.8uW of dynamic power; with a network, this
corresponds to 100k clauses consuming 8.3W of dynamic power (not including
leakage or global clock power) in a 500mm^2 32nm chip.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 06:30:32 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhu",
"Chenzhuo",
""
],
[
"Rucker",
"Alexander C.",
""
],
[
"Wang",
"Yawen",
""
],
[
"Dally",
"William J.",
""
]
] | TITLE: SatIn: Hardware for Boolean Satisfiability Inference
ABSTRACT: This paper describes SatIn, a hardware accelerator for determining boolean
satisfiability (SAT) -- an important problem in many domains including
verification, security analysis, and planning.
SatIn is based on a distributed associative array which performs short,
atomic operations that can be composed into high level operations.
To overcome scaling limitations imposed by wire delay, we extended the
algorithms used in software solvers to function efficiently on a distributed
set of nodes communicating with message passing.
A cycle-level simulation on real benchmarks shows that SatIn achieves an
average 72x speedup against Glucose, the winner of 2016 SAT competition, with
the potential to achieve a 113x speedup using two contexts.
To quantify SatIn's physical requirements, we placed and routed a single
clause using the Synopsys 32nm} educational development kit.
We were able to meet a 1ns cycle constraint with our target clause fitting in
4867um^2 and consuming 63.8uW of dynamic power; with a network, this
corresponds to 100k clauses consuming 8.3W of dynamic power (not including
leakage or global clock power) in a 500mm^2 32nm chip.
|
2303.02622 | Mahdi Jafari Siavoshani | Mahdi Soltani, Khashayar Khajavi, Mahdi Jafari Siavoshani, Amir
Hossein Jahangir | A Multi-Agent Adaptive Deep Learning Framework for Online Intrusion
Detection | null | null | null | null | cs.CR cs.NI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The network security analyzers use intrusion detection systems (IDSes) to
distinguish malicious traffic from benign ones. The deep learning-based IDSes
are proposed to auto-extract high-level features and eliminate the
time-consuming and costly signature extraction process. However, this new
generation of IDSes still suffers from a number of challenges. One of the main
issues of an IDS is facing traffic concept drift which manifests itself as new
(i.e., zero-day) attacks, in addition to the changing behavior of benign
users/applications. Furthermore, a practical DL-based IDS needs to be conformed
to a distributed architecture to handle big data challenges.
We propose a framework for adapting DL-based models to the changing
attack/benign traffic behaviors, considering a more practical scenario (i.e.,
online adaptable IDSes). This framework employs continual deep anomaly
detectors in addition to the federated learning approach to solve the
above-mentioned challenges. Furthermore, the proposed framework implements
sequential packet labeling for each flow, which provides an attack probability
score for the flow by gradually observing each flow packet and updating its
estimation. We evaluate the proposed framework by employing different deep
models (including CNN-based and LSTM-based) over the CIC-IDS2017 and
CSE-CIC-IDS2018 datasets. Through extensive evaluations and experiments, we
show that the proposed distributed framework is well adapted to the traffic
concept drift. More precisely, our results indicate that the CNN-based models
are well suited for continually adapting to the traffic concept drift (i.e.,
achieving an average detection rate of above 95% while needing just 128 new
flows for the updating phase), and the LSTM-based models are a good candidate
for sequential packet labeling in practical online IDSes (i.e., detecting
intrusions by just observing their first 15 packets).
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 09:43:39 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Soltani",
"Mahdi",
""
],
[
"Khajavi",
"Khashayar",
""
],
[
"Siavoshani",
"Mahdi Jafari",
""
],
[
"Jahangir",
"Amir Hossein",
""
]
] | TITLE: A Multi-Agent Adaptive Deep Learning Framework for Online Intrusion
Detection
ABSTRACT: The network security analyzers use intrusion detection systems (IDSes) to
distinguish malicious traffic from benign ones. The deep learning-based IDSes
are proposed to auto-extract high-level features and eliminate the
time-consuming and costly signature extraction process. However, this new
generation of IDSes still suffers from a number of challenges. One of the main
issues of an IDS is facing traffic concept drift which manifests itself as new
(i.e., zero-day) attacks, in addition to the changing behavior of benign
users/applications. Furthermore, a practical DL-based IDS needs to be conformed
to a distributed architecture to handle big data challenges.
We propose a framework for adapting DL-based models to the changing
attack/benign traffic behaviors, considering a more practical scenario (i.e.,
online adaptable IDSes). This framework employs continual deep anomaly
detectors in addition to the federated learning approach to solve the
above-mentioned challenges. Furthermore, the proposed framework implements
sequential packet labeling for each flow, which provides an attack probability
score for the flow by gradually observing each flow packet and updating its
estimation. We evaluate the proposed framework by employing different deep
models (including CNN-based and LSTM-based) over the CIC-IDS2017 and
CSE-CIC-IDS2018 datasets. Through extensive evaluations and experiments, we
show that the proposed distributed framework is well adapted to the traffic
concept drift. More precisely, our results indicate that the CNN-based models
are well suited for continually adapting to the traffic concept drift (i.e.,
achieving an average detection rate of above 95% while needing just 128 new
flows for the updating phase), and the LSTM-based models are a good candidate
for sequential packet labeling in practical online IDSes (i.e., detecting
intrusions by just observing their first 15 packets).
|
2303.02635 | Kang Chen | Kang Chen, Xiangqian Wu | VTQA: Visual Text Question Answering via Entity Alignment and
Cross-Media Reasoning | null | null | null | null | cs.CV cs.MM | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The ideal form of Visual Question Answering requires understanding, grounding
and reasoning in the joint space of vision and language and serves as a proxy
for the AI task of scene understanding. However, most existing VQA benchmarks
are limited to just picking the answer from a pre-defined set of options and
lack attention to text. We present a new challenge with a dataset that contains
23,781 questions based on 10124 image-text pairs. Specifically, the task
requires the model to align multimedia representations of the same entity to
implement multi-hop reasoning between image and text and finally use natural
language to answer the question. The aim of this challenge is to develop and
benchmark models that are capable of multimedia entity alignment, multi-step
reasoning and open-ended answer generation.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 10:32:26 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Chen",
"Kang",
""
],
[
"Wu",
"Xiangqian",
""
]
] | TITLE: VTQA: Visual Text Question Answering via Entity Alignment and
Cross-Media Reasoning
ABSTRACT: The ideal form of Visual Question Answering requires understanding, grounding
and reasoning in the joint space of vision and language and serves as a proxy
for the AI task of scene understanding. However, most existing VQA benchmarks
are limited to just picking the answer from a pre-defined set of options and
lack attention to text. We present a new challenge with a dataset that contains
23,781 questions based on 10124 image-text pairs. Specifically, the task
requires the model to align multimedia representations of the same entity to
implement multi-hop reasoning between image and text and finally use natural
language to answer the question. The aim of this challenge is to develop and
benchmark models that are capable of multimedia entity alignment, multi-step
reasoning and open-ended answer generation.
|
2303.02641 | Varun Gupta | Varun Gupta, Anbumani Subramanian, C.V. Jawahar, Rohit Saluja | CueCAn: Cue Driven Contextual Attention For Identifying Missing Traffic
Signs on Unconstrained Roads | International Conference on Robotics and Automation (ICRA'23) | null | null | null | cs.CV cs.AI | http://creativecommons.org/licenses/by/4.0/ | Unconstrained Asian roads often involve poor infrastructure, affecting
overall road safety. Missing traffic signs are a regular part of such roads.
Missing or non-existing object detection has been studied for locating missing
curbs and estimating reasonable regions for pedestrians on road scene images.
Such methods involve analyzing task-specific single object cues. In this paper,
we present the first and most challenging video dataset for missing objects,
with multiple types of traffic signs for which the cues are visible without the
signs in the scenes. We refer to it as the Missing Traffic Signs Video Dataset
(MTSVD). MTSVD is challenging compared to the previous works in two aspects i)
The traffic signs are generally not present in the vicinity of their cues, ii)
The traffic signs cues are diverse and unique. Also, MTSVD is the first
publicly available missing object dataset. To train the models for identifying
missing signs, we complement our dataset with 10K traffic sign tracks, with 40
percent of the traffic signs having cues visible in the scenes. For identifying
missing signs, we propose the Cue-driven Contextual Attention units (CueCAn),
which we incorporate in our model encoder. We first train the encoder to
classify the presence of traffic sign cues and then train the entire
segmentation model end-to-end to localize missing traffic signs. Quantitative
and qualitative analysis shows that CueCAn significantly improves the
performance of base models.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 11:06:20 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Gupta",
"Varun",
""
],
[
"Subramanian",
"Anbumani",
""
],
[
"Jawahar",
"C. V.",
""
],
[
"Saluja",
"Rohit",
""
]
] | TITLE: CueCAn: Cue Driven Contextual Attention For Identifying Missing Traffic
Signs on Unconstrained Roads
ABSTRACT: Unconstrained Asian roads often involve poor infrastructure, affecting
overall road safety. Missing traffic signs are a regular part of such roads.
Missing or non-existing object detection has been studied for locating missing
curbs and estimating reasonable regions for pedestrians on road scene images.
Such methods involve analyzing task-specific single object cues. In this paper,
we present the first and most challenging video dataset for missing objects,
with multiple types of traffic signs for which the cues are visible without the
signs in the scenes. We refer to it as the Missing Traffic Signs Video Dataset
(MTSVD). MTSVD is challenging compared to the previous works in two aspects i)
The traffic signs are generally not present in the vicinity of their cues, ii)
The traffic signs cues are diverse and unique. Also, MTSVD is the first
publicly available missing object dataset. To train the models for identifying
missing signs, we complement our dataset with 10K traffic sign tracks, with 40
percent of the traffic signs having cues visible in the scenes. For identifying
missing signs, we propose the Cue-driven Contextual Attention units (CueCAn),
which we incorporate in our model encoder. We first train the encoder to
classify the presence of traffic sign cues and then train the entire
segmentation model end-to-end to localize missing traffic signs. Quantitative
and qualitative analysis shows that CueCAn significantly improves the
performance of base models.
|
2303.02648 | Pranav Dandwate | Pranav Dandwate, Chaitanya Shahane, Vandana Jagtap, Shridevi C.
Karande | Comparative study of Transformer and LSTM Network with attention
mechanism on Image Captioning | 13 pages, 7 figures, 2 tables | null | null | null | cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In a globalized world at the present epoch of generative intelligence, most
of the manual labour tasks are automated with increased efficiency. This can
support businesses to save time and money. A crucial component of generative
intelligence is the integration of vision and language. Consequently, image
captioning become an intriguing area of research. There have been multiple
attempts by the researchers to solve this problem with different deep learning
architectures, although the accuracy has increased, but the results are still
not up to standard. This study buckles down to the comparison of Transformer
and LSTM with attention block model on MS-COCO dataset, which is a standard
dataset for image captioning. For both the models we have used pretrained
Inception-V3 CNN encoder for feature extraction of the images. The Bilingual
Evaluation Understudy score (BLEU) is used to checked the accuracy of caption
generated by both models. Along with the transformer and LSTM with attention
block models,CLIP-diffusion model, M2-Transformer model and the X-Linear
Attention model have been discussed with state of the art accuracy.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 11:45:53 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Dandwate",
"Pranav",
""
],
[
"Shahane",
"Chaitanya",
""
],
[
"Jagtap",
"Vandana",
""
],
[
"Karande",
"Shridevi C.",
""
]
] | TITLE: Comparative study of Transformer and LSTM Network with attention
mechanism on Image Captioning
ABSTRACT: In a globalized world at the present epoch of generative intelligence, most
of the manual labour tasks are automated with increased efficiency. This can
support businesses to save time and money. A crucial component of generative
intelligence is the integration of vision and language. Consequently, image
captioning become an intriguing area of research. There have been multiple
attempts by the researchers to solve this problem with different deep learning
architectures, although the accuracy has increased, but the results are still
not up to standard. This study buckles down to the comparison of Transformer
and LSTM with attention block model on MS-COCO dataset, which is a standard
dataset for image captioning. For both the models we have used pretrained
Inception-V3 CNN encoder for feature extraction of the images. The Bilingual
Evaluation Understudy score (BLEU) is used to checked the accuracy of caption
generated by both models. Along with the transformer and LSTM with attention
block models,CLIP-diffusion model, M2-Transformer model and the X-Linear
Attention model have been discussed with state of the art accuracy.
|
2303.02655 | Manuel De Sousa Ribeiro | Manuel de Sousa Ribeiro and Jo\~ao Leite | On Modifying a Neural Network's Perception | null | null | null | null | cs.AI cs.CV cs.LG cs.NE | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Artificial neural networks have proven to be extremely useful models that
have allowed for multiple recent breakthroughs in the field of Artificial
Intelligence and many others. However, they are typically regarded as black
boxes, given how difficult it is for humans to interpret how these models reach
their results. In this work, we propose a method which allows one to modify
what an artificial neural network is perceiving regarding specific
human-defined concepts, enabling the generation of hypothetical scenarios that
could help understand and even debug the neural network model. Through
empirical evaluation, in a synthetic dataset and in the ImageNet dataset, we
test the proposed method on different models, assessing whether the performed
manipulations are well interpreted by the models, and analyzing how they react
to them.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 12:09:37 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ribeiro",
"Manuel de Sousa",
""
],
[
"Leite",
"João",
""
]
] | TITLE: On Modifying a Neural Network's Perception
ABSTRACT: Artificial neural networks have proven to be extremely useful models that
have allowed for multiple recent breakthroughs in the field of Artificial
Intelligence and many others. However, they are typically regarded as black
boxes, given how difficult it is for humans to interpret how these models reach
their results. In this work, we propose a method which allows one to modify
what an artificial neural network is perceiving regarding specific
human-defined concepts, enabling the generation of hypothetical scenarios that
could help understand and even debug the neural network model. Through
empirical evaluation, in a synthetic dataset and in the ImageNet dataset, we
test the proposed method on different models, assessing whether the performed
manipulations are well interpreted by the models, and analyzing how they react
to them.
|
2303.02657 | Sicong Liu | Xiao Tang, Sicong Liu, Xiaojiang Du, Mohsen Guizani | Sparsity-Aware Intelligent Massive Random Access Control in Open RAN: A
Reinforcement Learning Based Approach | This paper has been submitted to IEEE Journal on Selected Areas in
Communications | null | null | null | cs.LG cs.AI cs.IT cs.NI eess.SP math.IT | http://creativecommons.org/licenses/by/4.0/ | Massive random access of devices in the emerging Open Radio Access Network
(O-RAN) brings great challenge to the access control and management. Exploiting
the bursting nature of the access requests, sparse active user detection (SAUD)
is an efficient enabler towards efficient access management, but the sparsity
might be deteriorated in case of uncoordinated massive access requests. To
dynamically preserve the sparsity of access requests, a reinforcement-learning
(RL)-assisted scheme of closed-loop access control utilizing the access class
barring technique is proposed, where the RL policy is determined through
continuous interaction between the RL agent, i.e., a next generation node base
(gNB), and the environment. The proposed scheme can be implemented by the
near-real-time RAN intelligent controller (near-RT RIC) in O-RAN, supporting
rapid switching between heterogeneous vertical applications, such as mMTC and
uRLLC services. Moreover, a data-driven scheme of deep-RL-assisted SAUD is
proposed to resolve highly complex environments with continuous and
high-dimensional state and action spaces, where a replay buffer is applied for
automatic large-scale data collection. An actor-critic framework is formulated
to incorporate the strategy-learning modules into the near-RT RIC. Simulation
results show that the proposed schemes can achieve superior performance in both
access efficiency and user detection accuracy over the benchmark scheme for
different heterogeneous services with massive access requests.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 12:25:49 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Tang",
"Xiao",
""
],
[
"Liu",
"Sicong",
""
],
[
"Du",
"Xiaojiang",
""
],
[
"Guizani",
"Mohsen",
""
]
] | TITLE: Sparsity-Aware Intelligent Massive Random Access Control in Open RAN: A
Reinforcement Learning Based Approach
ABSTRACT: Massive random access of devices in the emerging Open Radio Access Network
(O-RAN) brings great challenge to the access control and management. Exploiting
the bursting nature of the access requests, sparse active user detection (SAUD)
is an efficient enabler towards efficient access management, but the sparsity
might be deteriorated in case of uncoordinated massive access requests. To
dynamically preserve the sparsity of access requests, a reinforcement-learning
(RL)-assisted scheme of closed-loop access control utilizing the access class
barring technique is proposed, where the RL policy is determined through
continuous interaction between the RL agent, i.e., a next generation node base
(gNB), and the environment. The proposed scheme can be implemented by the
near-real-time RAN intelligent controller (near-RT RIC) in O-RAN, supporting
rapid switching between heterogeneous vertical applications, such as mMTC and
uRLLC services. Moreover, a data-driven scheme of deep-RL-assisted SAUD is
proposed to resolve highly complex environments with continuous and
high-dimensional state and action spaces, where a replay buffer is applied for
automatic large-scale data collection. An actor-critic framework is formulated
to incorporate the strategy-learning modules into the near-RT RIC. Simulation
results show that the proposed schemes can achieve superior performance in both
access efficiency and user detection accuracy over the benchmark scheme for
different heterogeneous services with massive access requests.
|
2303.02667 | Philippe Vincent-Lamarre | Philippe Vincent-Lamarre and Vincent Larivi\`ere | Are self-citations a normal feature of knowledge accumulation? | null | null | null | null | cs.DL | http://creativecommons.org/licenses/by/4.0/ | Science is a cumulative activity, which can manifest itself through the act
of citing. Citations are also central to research evaluation, thus creating
incentives for researchers to cite their own work. Using a dataset containing
more than 63 million articles and 51 million disambiguated authors, this paper
examines the relative importance of self-citations and self-references in the
scholarly communication landscape, their relationship with the age and gender
of authors, as well as their effects on various research evaluation indicators.
Results show that self-citations and self-references evolve in different
directions throughout researchers' careers, and that men and older researchers
are more likely to self-cite. Although self-citations have, on average, a small
to moderate effect on author's citation rates, they highly inflate citations
for a subset of researchers. Comparison of the abstracts of cited and citing
papers to assess the relatedness of different types of citations shows that
self-citations are more similar to each other than other types of citations,
and therefore more relevant. However, researchers that self-reference more tend
to include less relevant citations. The paper concludes with a discussion of
the role of self-citations in scholarly communication.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 13:17:23 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Vincent-Lamarre",
"Philippe",
""
],
[
"Larivière",
"Vincent",
""
]
] | TITLE: Are self-citations a normal feature of knowledge accumulation?
ABSTRACT: Science is a cumulative activity, which can manifest itself through the act
of citing. Citations are also central to research evaluation, thus creating
incentives for researchers to cite their own work. Using a dataset containing
more than 63 million articles and 51 million disambiguated authors, this paper
examines the relative importance of self-citations and self-references in the
scholarly communication landscape, their relationship with the age and gender
of authors, as well as their effects on various research evaluation indicators.
Results show that self-citations and self-references evolve in different
directions throughout researchers' careers, and that men and older researchers
are more likely to self-cite. Although self-citations have, on average, a small
to moderate effect on author's citation rates, they highly inflate citations
for a subset of researchers. Comparison of the abstracts of cited and citing
papers to assess the relatedness of different types of citations shows that
self-citations are more similar to each other than other types of citations,
and therefore more relevant. However, researchers that self-reference more tend
to include less relevant citations. The paper concludes with a discussion of
the role of self-citations in scholarly communication.
|
2303.02668 | Shenglai Zeng | Jiaqi Wang, Shenglai Zeng, Zewei Long, Yaqing Wang, Houping Xiao,
Fenglong Ma | Knowledge-Enhanced Semi-Supervised Federated Learning for Aggregating
Heterogeneous Lightweight Clients in IoT | This paper is acceptted by SDM-2023. Jiaqi Wang and Shenglai Zeng are
of equal contribution | null | null | null | cs.LG cs.AI cs.DC | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Federated learning (FL) enables multiple clients to train models
collaboratively without sharing local data, which has achieved promising
results in different areas, including the Internet of Things (IoT). However,
end IoT devices do not have abilities to automatically annotate their collected
data, which leads to the label shortage issue at the client side. To
collaboratively train an FL model, we can only use a small number of labeled
data stored on the server. This is a new yet practical scenario in federated
learning, i.e., labels-at-server semi-supervised federated learning (SemiFL).
Although several SemiFL approaches have been proposed recently, none of them
can focus on the personalization issue in their model design. IoT environments
make SemiFL more challenging, as we need to take device computational
constraints and communication cost into consideration simultaneously. To tackle
these new challenges together, we propose a novel SemiFL framework named
pFedKnow. pFedKnow generates lightweight personalized client models via neural
network pruning techniques to reduce communication cost. Moreover, it
incorporates pretrained large models as prior knowledge to guide the
aggregation of personalized client models and further enhance the framework
performance. Experiment results on both image and text datasets show that the
proposed pFedKnow outperforms state-of-the-art baselines as well as reducing
considerable communication cost. The source code of the proposed pFedKnow is
available at https://github.com/JackqqWang/pfedknow/tree/master.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 13:19:10 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Jiaqi",
""
],
[
"Zeng",
"Shenglai",
""
],
[
"Long",
"Zewei",
""
],
[
"Wang",
"Yaqing",
""
],
[
"Xiao",
"Houping",
""
],
[
"Ma",
"Fenglong",
""
]
] | TITLE: Knowledge-Enhanced Semi-Supervised Federated Learning for Aggregating
Heterogeneous Lightweight Clients in IoT
ABSTRACT: Federated learning (FL) enables multiple clients to train models
collaboratively without sharing local data, which has achieved promising
results in different areas, including the Internet of Things (IoT). However,
end IoT devices do not have abilities to automatically annotate their collected
data, which leads to the label shortage issue at the client side. To
collaboratively train an FL model, we can only use a small number of labeled
data stored on the server. This is a new yet practical scenario in federated
learning, i.e., labels-at-server semi-supervised federated learning (SemiFL).
Although several SemiFL approaches have been proposed recently, none of them
can focus on the personalization issue in their model design. IoT environments
make SemiFL more challenging, as we need to take device computational
constraints and communication cost into consideration simultaneously. To tackle
these new challenges together, we propose a novel SemiFL framework named
pFedKnow. pFedKnow generates lightweight personalized client models via neural
network pruning techniques to reduce communication cost. Moreover, it
incorporates pretrained large models as prior knowledge to guide the
aggregation of personalized client models and further enhance the framework
performance. Experiment results on both image and text datasets show that the
proposed pFedKnow outperforms state-of-the-art baselines as well as reducing
considerable communication cost. The source code of the proposed pFedKnow is
available at https://github.com/JackqqWang/pfedknow/tree/master.
|
2303.02672 | Cedric Le Gentil | Cedric Le Gentil, Ignacio Alzugaray, Teresa Vidal-Calleja | Continuous-Time Gaussian Process Motion-Compensation for Event-vision
Pattern Tracking with Distance Fields | Accepted for presentation at the 2023 IEEE International Conference
on Robotics and Automation | null | null | null | cs.CV cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | This work addresses the issue of motion compensation and pattern tracking in
event camera data. An event camera generates asynchronous streams of events
triggered independently by each of the pixels upon changes in the observed
intensity. Providing great advantages in low-light and rapid-motion scenarios,
such unconventional data present significant research challenges as traditional
vision algorithms are not directly applicable to this sensing modality. The
proposed method decomposes the tracking problem into a local SE(2)
motion-compensation step followed by a homography registration of small
motion-compensated event batches. The first component relies on Gaussian
Process (GP) theory to model the continuous occupancy field of the events in
the image plane and embed the camera trajectory in the covariance kernel
function. In doing so, estimating the trajectory is done similarly to GP
hyperparameter learning by maximising the log marginal likelihood of the data.
The continuous occupancy fields are turned into distance fields and used as
templates for homography-based registration. By benchmarking the proposed
method against other state-of-the-art techniques, we show that our open-source
implementation performs high-accuracy motion compensation and produces
high-quality tracks in real-world scenarios.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 13:48:20 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Gentil",
"Cedric Le",
""
],
[
"Alzugaray",
"Ignacio",
""
],
[
"Vidal-Calleja",
"Teresa",
""
]
] | TITLE: Continuous-Time Gaussian Process Motion-Compensation for Event-vision
Pattern Tracking with Distance Fields
ABSTRACT: This work addresses the issue of motion compensation and pattern tracking in
event camera data. An event camera generates asynchronous streams of events
triggered independently by each of the pixels upon changes in the observed
intensity. Providing great advantages in low-light and rapid-motion scenarios,
such unconventional data present significant research challenges as traditional
vision algorithms are not directly applicable to this sensing modality. The
proposed method decomposes the tracking problem into a local SE(2)
motion-compensation step followed by a homography registration of small
motion-compensated event batches. The first component relies on Gaussian
Process (GP) theory to model the continuous occupancy field of the events in
the image plane and embed the camera trajectory in the covariance kernel
function. In doing so, estimating the trajectory is done similarly to GP
hyperparameter learning by maximising the log marginal likelihood of the data.
The continuous occupancy fields are turned into distance fields and used as
templates for homography-based registration. By benchmarking the proposed
method against other state-of-the-art techniques, we show that our open-source
implementation performs high-accuracy motion compensation and produces
high-quality tracks in real-world scenarios.
|
2303.02677 | Bing Ma | Bing Ma | Mining both Commonality and Specificity from Multiple Documents for
Multi-Document Summarization | 10 pages, 1 figure | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The multi-document summarization task requires the designed summarizer to
generate a short text that covers the important information of original
documents and satisfies content diversity. This paper proposes a multi-document
summarization approach based on hierarchical clustering of documents. It
utilizes the constructed class tree of documents to extract both the sentences
reflecting the commonality of all documents and the sentences reflecting the
specificity of some subclasses of these documents for generating a summary, so
as to satisfy the coverage and diversity requirements of multi-document
summarization. Comparative experiments with different variant approaches on
DUC'2002-2004 datasets prove the effectiveness of mining both the commonality
and specificity of documents for multi-document summarization. Experiments on
DUC'2004 and Multi-News datasets show that our approach achieves competitive
performance compared to the state-of-the-art unsupervised and supervised
approaches.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 14:25:05 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ma",
"Bing",
""
]
] | TITLE: Mining both Commonality and Specificity from Multiple Documents for
Multi-Document Summarization
ABSTRACT: The multi-document summarization task requires the designed summarizer to
generate a short text that covers the important information of original
documents and satisfies content diversity. This paper proposes a multi-document
summarization approach based on hierarchical clustering of documents. It
utilizes the constructed class tree of documents to extract both the sentences
reflecting the commonality of all documents and the sentences reflecting the
specificity of some subclasses of these documents for generating a summary, so
as to satisfy the coverage and diversity requirements of multi-document
summarization. Comparative experiments with different variant approaches on
DUC'2002-2004 datasets prove the effectiveness of mining both the commonality
and specificity of documents for multi-document summarization. Experiments on
DUC'2004 and Multi-News datasets show that our approach achieves competitive
performance compared to the state-of-the-art unsupervised and supervised
approaches.
|
2303.02684 | Qingqing Li | Li Qingqing, Yu Xianjia, Jorge Pe\~na Queralta, Tomi Westerlund | Robust Multi-Modal Multi-LiDAR-Inertial Odometry and Mapping for Indoor
Environments | null | null | null | null | cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Integrating multiple LiDAR sensors can significantly enhance a robot's
perception of the environment, enabling it to capture adequate measurements for
simultaneous localization and mapping (SLAM). Indeed, solid-state LiDARs can
bring in high resolution at a low cost to traditional spinning LiDARs in
robotic applications. However, their reduced field of view (FoV) limits
performance, particularly indoors. In this paper, we propose a tightly-coupled
multi-modal multi-LiDAR-inertial SLAM system for surveying and mapping tasks.
By taking advantage of both solid-state and spinnings LiDARs, and built-in
inertial measurement units (IMU), we achieve both robust and low-drift
ego-estimation as well as high-resolution maps in diverse challenging indoor
environments (e.g., small, featureless rooms). First, we use spatial-temporal
calibration modules to align the timestamp and calibrate extrinsic parameters
between sensors. Then, we extract two groups of feature points including edge
and plane points, from LiDAR data. Next, with pre-integrated IMU data, an
undistortion module is applied to the LiDAR point cloud data. Finally, the
undistorted point clouds are merged into one point cloud and processed with a
sliding window based optimization module. From extensive experiment results,
our method shows competitive performance with state-of-the-art
spinning-LiDAR-only or solid-state-LiDAR-only SLAM systems in diverse
environments. More results, code, and dataset can be found at
\href{https://github.com/TIERS/multi-modal-loam}{https://github.com/TIERS/multi-modal-loam}.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 14:53:06 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Qingqing",
"Li",
""
],
[
"Xianjia",
"Yu",
""
],
[
"Queralta",
"Jorge Peña",
""
],
[
"Westerlund",
"Tomi",
""
]
] | TITLE: Robust Multi-Modal Multi-LiDAR-Inertial Odometry and Mapping for Indoor
Environments
ABSTRACT: Integrating multiple LiDAR sensors can significantly enhance a robot's
perception of the environment, enabling it to capture adequate measurements for
simultaneous localization and mapping (SLAM). Indeed, solid-state LiDARs can
bring in high resolution at a low cost to traditional spinning LiDARs in
robotic applications. However, their reduced field of view (FoV) limits
performance, particularly indoors. In this paper, we propose a tightly-coupled
multi-modal multi-LiDAR-inertial SLAM system for surveying and mapping tasks.
By taking advantage of both solid-state and spinnings LiDARs, and built-in
inertial measurement units (IMU), we achieve both robust and low-drift
ego-estimation as well as high-resolution maps in diverse challenging indoor
environments (e.g., small, featureless rooms). First, we use spatial-temporal
calibration modules to align the timestamp and calibrate extrinsic parameters
between sensors. Then, we extract two groups of feature points including edge
and plane points, from LiDAR data. Next, with pre-integrated IMU data, an
undistortion module is applied to the LiDAR point cloud data. Finally, the
undistorted point clouds are merged into one point cloud and processed with a
sliding window based optimization module. From extensive experiment results,
our method shows competitive performance with state-of-the-art
spinning-LiDAR-only or solid-state-LiDAR-only SLAM systems in diverse
environments. More results, code, and dataset can be found at
\href{https://github.com/TIERS/multi-modal-loam}{https://github.com/TIERS/multi-modal-loam}.
|
2303.02717 | Yosi Keller | Ofer Idan, Yoli Shavit, Yosi Keller | Learning to Localize in Unseen Scenes with Relative Pose Regressors | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Relative pose regressors (RPRs) localize a camera by estimating its relative
translation and rotation to a pose-labelled reference. Unlike scene coordinate
regression and absolute pose regression methods, which learn absolute scene
parameters, RPRs can (theoretically) localize in unseen environments, since
they only learn the residual pose between camera pairs. In practice, however,
the performance of RPRs is significantly degraded in unseen scenes. In this
work, we propose to aggregate paired feature maps into latent codes, instead of
operating on global image descriptors, in order to improve the generalization
of RPRs. We implement aggregation with concatenation, projection, and attention
operations (Transformer Encoders) and learn to regress the relative pose
parameters from the resulting latent codes. We further make use of a recently
proposed continuous representation of rotation matrices, which alleviates the
limitations of the commonly used quaternions. Compared to state-of-the-art
RPRs, our model is shown to localize significantly better in unseen
environments, across both indoor and outdoor benchmarks, while maintaining
competitive performance in seen scenes. We validate our findings and
architecture design through multiple ablations. Our code and pretrained models
is publicly available.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 17:12:50 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Idan",
"Ofer",
""
],
[
"Shavit",
"Yoli",
""
],
[
"Keller",
"Yosi",
""
]
] | TITLE: Learning to Localize in Unseen Scenes with Relative Pose Regressors
ABSTRACT: Relative pose regressors (RPRs) localize a camera by estimating its relative
translation and rotation to a pose-labelled reference. Unlike scene coordinate
regression and absolute pose regression methods, which learn absolute scene
parameters, RPRs can (theoretically) localize in unseen environments, since
they only learn the residual pose between camera pairs. In practice, however,
the performance of RPRs is significantly degraded in unseen scenes. In this
work, we propose to aggregate paired feature maps into latent codes, instead of
operating on global image descriptors, in order to improve the generalization
of RPRs. We implement aggregation with concatenation, projection, and attention
operations (Transformer Encoders) and learn to regress the relative pose
parameters from the resulting latent codes. We further make use of a recently
proposed continuous representation of rotation matrices, which alleviates the
limitations of the commonly used quaternions. Compared to state-of-the-art
RPRs, our model is shown to localize significantly better in unseen
environments, across both indoor and outdoor benchmarks, while maintaining
competitive performance in seen scenes. We validate our findings and
architecture design through multiple ablations. Our code and pretrained models
is publicly available.
|
2303.02737 | Zheng Chen | Zheng Chen, Deepak Duggirala, David Crandall, Lei Jiang, Lantao Liu | SePaint: Semantic Map Inpainting via Multinomial Diffusion | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Prediction beyond partial observations is crucial for robots to navigate in
unknown environments because it can provide extra information regarding the
surroundings beyond the current sensing range or resolution. In this work, we
consider the inpainting of semantic Bird's-Eye-View maps. We propose SePaint,
an inpainting model for semantic data based on generative multinomial
diffusion. To maintain semantic consistency, we need to condition the
prediction for the missing regions on the known regions. We propose a novel and
efficient condition strategy, Look-Back Condition (LB-Con), which performs
one-step look-back operations during the reverse diffusion process. By doing
so, we are able to strengthen the harmonization between unknown and known
parts, leading to better completion performance. We have conducted extensive
experiments on different datasets, showing our proposed model outperforms
commonly used interpolation methods in various robotic applications.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 18:04:28 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Chen",
"Zheng",
""
],
[
"Duggirala",
"Deepak",
""
],
[
"Crandall",
"David",
""
],
[
"Jiang",
"Lei",
""
],
[
"Liu",
"Lantao",
""
]
] | TITLE: SePaint: Semantic Map Inpainting via Multinomial Diffusion
ABSTRACT: Prediction beyond partial observations is crucial for robots to navigate in
unknown environments because it can provide extra information regarding the
surroundings beyond the current sensing range or resolution. In this work, we
consider the inpainting of semantic Bird's-Eye-View maps. We propose SePaint,
an inpainting model for semantic data based on generative multinomial
diffusion. To maintain semantic consistency, we need to condition the
prediction for the missing regions on the known regions. We propose a novel and
efficient condition strategy, Look-Back Condition (LB-Con), which performs
one-step look-back operations during the reverse diffusion process. By doing
so, we are able to strengthen the harmonization between unknown and known
parts, leading to better completion performance. We have conducted extensive
experiments on different datasets, showing our proposed model outperforms
commonly used interpolation methods in various robotic applications.
|
2303.02758 | Manan Suri | Manan Suri, Aaryak Garg, Divya Chaudhary, Ian Gorton, Bijendra Kumar | WADER at SemEval-2023 Task 9: A Weak-labelling framework for Data
augmentation in tExt Regression Tasks | null | null | null | null | cs.CL cs.LG | http://creativecommons.org/licenses/by/4.0/ | Intimacy is an essential element of human relationships and language is a
crucial means of conveying it. Textual intimacy analysis can reveal social
norms in different contexts and serve as a benchmark for testing computational
models' ability to understand social information. In this paper, we propose a
novel weak-labeling strategy for data augmentation in text regression tasks
called WADER. WADER uses data augmentation to address the problems of data
imbalance and data scarcity and provides a method for data augmentation in
cross-lingual, zero-shot tasks. We benchmark the performance of
State-of-the-Art pre-trained multilingual language models using WADER and
analyze the use of sampling techniques to mitigate bias in data and optimally
select augmentation candidates. Our results show that WADER outperforms the
baseline model and provides a direction for mitigating data imbalance and
scarcity in text regression tasks.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 19:45:42 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Suri",
"Manan",
""
],
[
"Garg",
"Aaryak",
""
],
[
"Chaudhary",
"Divya",
""
],
[
"Gorton",
"Ian",
""
],
[
"Kumar",
"Bijendra",
""
]
] | TITLE: WADER at SemEval-2023 Task 9: A Weak-labelling framework for Data
augmentation in tExt Regression Tasks
ABSTRACT: Intimacy is an essential element of human relationships and language is a
crucial means of conveying it. Textual intimacy analysis can reveal social
norms in different contexts and serve as a benchmark for testing computational
models' ability to understand social information. In this paper, we propose a
novel weak-labeling strategy for data augmentation in text regression tasks
called WADER. WADER uses data augmentation to address the problems of data
imbalance and data scarcity and provides a method for data augmentation in
cross-lingual, zero-shot tasks. We benchmark the performance of
State-of-the-Art pre-trained multilingual language models using WADER and
analyze the use of sampling techniques to mitigate bias in data and optimally
select augmentation candidates. Our results show that WADER outperforms the
baseline model and provides a direction for mitigating data imbalance and
scarcity in text regression tasks.
|
2303.02761 | Raphaela Heil | Raphaela Heil, Eva Breznik | A Study of Augmentation Methods for Handwritten Stenography Recognition | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | One of the factors limiting the performance of handwritten text recognition
(HTR) for stenography is the small amount of annotated training data. To
alleviate the problem of data scarcity, modern HTR methods often employ data
augmentation. However, due to specifics of the stenographic script, such
settings may not be directly applicable for stenography recognition. In this
work, we study 22 classical augmentation techniques, most of which are commonly
used for HTR of other scripts, such as Latin handwriting. Through extensive
experiments, we identify a group of augmentations, including for example
contained ranges of random rotation, shifts and scaling, that are beneficial to
the use case of stenography recognition. Furthermore, a number of augmentation
approaches, leading to a decrease in recognition performance, are identified.
Our results are supported by statistical hypothesis testing. Links to the
publicly available dataset and codebase are provided.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 20:06:19 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Heil",
"Raphaela",
""
],
[
"Breznik",
"Eva",
""
]
] | TITLE: A Study of Augmentation Methods for Handwritten Stenography Recognition
ABSTRACT: One of the factors limiting the performance of handwritten text recognition
(HTR) for stenography is the small amount of annotated training data. To
alleviate the problem of data scarcity, modern HTR methods often employ data
augmentation. However, due to specifics of the stenographic script, such
settings may not be directly applicable for stenography recognition. In this
work, we study 22 classical augmentation techniques, most of which are commonly
used for HTR of other scripts, such as Latin handwriting. Through extensive
experiments, we identify a group of augmentations, including for example
contained ranges of random rotation, shifts and scaling, that are beneficial to
the use case of stenography recognition. Furthermore, a number of augmentation
approaches, leading to a decrease in recognition performance, are identified.
Our results are supported by statistical hypothesis testing. Links to the
publicly available dataset and codebase are provided.
|
2303.02794 | Yu-Neng Chuang | Yu-Neng Chuang, Guanchu Wang, Fan Yang, Quan Zhou, Pushkar Tripathi,
Xuanting Cai, Xia Hu | CoRTX: Contrastive Framework for Real-time Explanation | null | null | null | null | cs.LG cs.AI cs.CY cs.GT | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recent advancements in explainable machine learning provide effective and
faithful solutions for interpreting model behaviors. However, many explanation
methods encounter efficiency issues, which largely limit their deployments in
practical scenarios. Real-time explainer (RTX) frameworks have thus been
proposed to accelerate the model explanation process by learning a
one-feed-forward explainer. Existing RTX frameworks typically build the
explainer under the supervised learning paradigm, which requires large amounts
of explanation labels as the ground truth. Considering that accurate
explanation labels are usually hard to obtain due to constrained computational
resources and limited human efforts, effective explainer training is still
challenging in practice. In this work, we propose a COntrastive Real-Time
eXplanation (CoRTX) framework to learn the explanation-oriented representation
and relieve the intensive dependence of explainer training on explanation
labels. Specifically, we design a synthetic strategy to select positive and
negative instances for the learning of explanation. Theoretical analysis show
that our selection strategy can benefit the contrastive learning process on
explanation tasks. Experimental results on three real-world datasets further
demonstrate the efficiency and efficacy of our proposed CoRTX framework.
| [
{
"version": "v1",
"created": "Sun, 5 Mar 2023 23:01:02 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Chuang",
"Yu-Neng",
""
],
[
"Wang",
"Guanchu",
""
],
[
"Yang",
"Fan",
""
],
[
"Zhou",
"Quan",
""
],
[
"Tripathi",
"Pushkar",
""
],
[
"Cai",
"Xuanting",
""
],
[
"Hu",
"Xia",
""
]
] | TITLE: CoRTX: Contrastive Framework for Real-time Explanation
ABSTRACT: Recent advancements in explainable machine learning provide effective and
faithful solutions for interpreting model behaviors. However, many explanation
methods encounter efficiency issues, which largely limit their deployments in
practical scenarios. Real-time explainer (RTX) frameworks have thus been
proposed to accelerate the model explanation process by learning a
one-feed-forward explainer. Existing RTX frameworks typically build the
explainer under the supervised learning paradigm, which requires large amounts
of explanation labels as the ground truth. Considering that accurate
explanation labels are usually hard to obtain due to constrained computational
resources and limited human efforts, effective explainer training is still
challenging in practice. In this work, we propose a COntrastive Real-Time
eXplanation (CoRTX) framework to learn the explanation-oriented representation
and relieve the intensive dependence of explainer training on explanation
labels. Specifically, we design a synthetic strategy to select positive and
negative instances for the learning of explanation. Theoretical analysis show
that our selection strategy can benefit the contrastive learning process on
explanation tasks. Experimental results on three real-world datasets further
demonstrate the efficiency and efficacy of our proposed CoRTX framework.
|
2303.02828 | Taihui Li | Taihui Li, Hengkang Wang, Peng Le, XianE Tang, Ju Sun | Robust Autoencoders for Collective Corruption Removal | This paper has been accepted to ICASSP2023 | null | null | null | eess.IV cs.AI cs.CV cs.LG eess.SP | http://creativecommons.org/licenses/by/4.0/ | Robust PCA is a standard tool for learning a linear subspace in the presence
of sparse corruption or rare outliers. What about robustly learning manifolds
that are more realistic models for natural data, such as images? There have
been several recent attempts to generalize robust PCA to manifold settings. In
this paper, we propose $\ell_1$- and scaling-invariant $\ell_1/\ell_2$-robust
autoencoders based on a surprisingly compact formulation built on the intuition
that deep autoencoders perform manifold learning. We demonstrate on several
standard image datasets that the proposed formulation significantly outperforms
all previous methods in collectively removing sparse corruption, without clean
images for training. Moreover, we also show that the learned manifold
structures can be generalized to unseen data samples effectively.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 01:45:32 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Taihui",
""
],
[
"Wang",
"Hengkang",
""
],
[
"Le",
"Peng",
""
],
[
"Tang",
"XianE",
""
],
[
"Sun",
"Ju",
""
]
] | TITLE: Robust Autoencoders for Collective Corruption Removal
ABSTRACT: Robust PCA is a standard tool for learning a linear subspace in the presence
of sparse corruption or rare outliers. What about robustly learning manifolds
that are more realistic models for natural data, such as images? There have
been several recent attempts to generalize robust PCA to manifold settings. In
this paper, we propose $\ell_1$- and scaling-invariant $\ell_1/\ell_2$-robust
autoencoders based on a surprisingly compact formulation built on the intuition
that deep autoencoders perform manifold learning. We demonstrate on several
standard image datasets that the proposed formulation significantly outperforms
all previous methods in collectively removing sparse corruption, without clean
images for training. Moreover, we also show that the learned manifold
structures can be generalized to unseen data samples effectively.
|
2303.02857 | Nilanjan Ray | Fateme Bahri and Nilanjan Ray | Weakly Supervised Realtime Dynamic Background Subtraction | 10 pages, 3 figures | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Background subtraction is a fundamental task in computer vision with numerous
real-world applications, ranging from object tracking to video surveillance.
Dynamic backgrounds poses a significant challenge here. Supervised deep
learning-based techniques are currently considered state-of-the-art for this
task. However, these methods require pixel-wise ground-truth labels, which can
be time-consuming and expensive. In this work, we propose a weakly supervised
framework that can perform background subtraction without requiring per-pixel
ground-truth labels. Our framework is trained on a moving object-free sequence
of images and comprises two networks. The first network is an autoencoder that
generates background images and prepares dynamic background images for training
the second network. The dynamic background images are obtained by thresholding
the background-subtracted images. The second network is a U-Net that uses the
same object-free video for training and the dynamic background images as
pixel-wise ground-truth labels. During the test phase, the input images are
processed by the autoencoder and U-Net, which generate background and dynamic
background images, respectively. The dynamic background image helps remove
dynamic motion from the background-subtracted image, enabling us to obtain a
foreground image that is free of dynamic artifacts. To demonstrate the
effectiveness of our method, we conducted experiments on selected categories of
the CDnet 2014 dataset and the I2R dataset. Our method outperformed all
top-ranked unsupervised methods. We also achieved better results than one of
the two existing weakly supervised methods, and our performance was similar to
the other. Our proposed method is online, real-time, efficient, and requires
minimal frame-level annotation, making it suitable for a wide range of
real-world applications.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 03:17:48 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Bahri",
"Fateme",
""
],
[
"Ray",
"Nilanjan",
""
]
] | TITLE: Weakly Supervised Realtime Dynamic Background Subtraction
ABSTRACT: Background subtraction is a fundamental task in computer vision with numerous
real-world applications, ranging from object tracking to video surveillance.
Dynamic backgrounds poses a significant challenge here. Supervised deep
learning-based techniques are currently considered state-of-the-art for this
task. However, these methods require pixel-wise ground-truth labels, which can
be time-consuming and expensive. In this work, we propose a weakly supervised
framework that can perform background subtraction without requiring per-pixel
ground-truth labels. Our framework is trained on a moving object-free sequence
of images and comprises two networks. The first network is an autoencoder that
generates background images and prepares dynamic background images for training
the second network. The dynamic background images are obtained by thresholding
the background-subtracted images. The second network is a U-Net that uses the
same object-free video for training and the dynamic background images as
pixel-wise ground-truth labels. During the test phase, the input images are
processed by the autoencoder and U-Net, which generate background and dynamic
background images, respectively. The dynamic background image helps remove
dynamic motion from the background-subtracted image, enabling us to obtain a
foreground image that is free of dynamic artifacts. To demonstrate the
effectiveness of our method, we conducted experiments on selected categories of
the CDnet 2014 dataset and the I2R dataset. Our method outperformed all
top-ranked unsupervised methods. We also achieved better results than one of
the two existing weakly supervised methods, and our performance was similar to
the other. Our proposed method is online, real-time, efficient, and requires
minimal frame-level annotation, making it suitable for a wide range of
real-world applications.
|
2303.02861 | Zhen Wang | Zhen Wang, Rameswar Panda, Leonid Karlinsky, Rogerio Feris, Huan Sun,
Yoon Kim | Multitask Prompt Tuning Enables Parameter-Efficient Transfer Learning | ICLR 2023. Project page: https://zhenwang9102.github.io/mpt.html | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Prompt tuning, in which a base pretrained model is adapted to each task via
conditioning on learned prompt vectors, has emerged as a promising approach for
efficiently adapting large language models to multiple downstream tasks.
However, existing methods typically learn soft prompt vectors from scratch, and
it has not been clear how to exploit the rich cross-task knowledge with prompt
vectors in a multitask learning setting. We propose multitask prompt tuning
(MPT), which first learns a single transferable prompt by distilling knowledge
from multiple task-specific source prompts. We then learn multiplicative low
rank updates to this shared prompt to efficiently adapt it to each downstream
target task. Extensive experiments on 23 NLP datasets demonstrate that our
proposed approach outperforms the state-of-the-art methods, including the full
finetuning baseline in some cases, despite only tuning 0.035% as many
task-specific parameters.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 03:25:59 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Zhen",
""
],
[
"Panda",
"Rameswar",
""
],
[
"Karlinsky",
"Leonid",
""
],
[
"Feris",
"Rogerio",
""
],
[
"Sun",
"Huan",
""
],
[
"Kim",
"Yoon",
""
]
] | TITLE: Multitask Prompt Tuning Enables Parameter-Efficient Transfer Learning
ABSTRACT: Prompt tuning, in which a base pretrained model is adapted to each task via
conditioning on learned prompt vectors, has emerged as a promising approach for
efficiently adapting large language models to multiple downstream tasks.
However, existing methods typically learn soft prompt vectors from scratch, and
it has not been clear how to exploit the rich cross-task knowledge with prompt
vectors in a multitask learning setting. We propose multitask prompt tuning
(MPT), which first learns a single transferable prompt by distilling knowledge
from multiple task-specific source prompts. We then learn multiplicative low
rank updates to this shared prompt to efficiently adapt it to each downstream
target task. Extensive experiments on 23 NLP datasets demonstrate that our
proposed approach outperforms the state-of-the-art methods, including the full
finetuning baseline in some cases, despite only tuning 0.035% as many
task-specific parameters.
|
2303.02874 | Tosin Ige | Tosin Ige, William Marfo, Justin Tonkinson, Sikiru Adewale, Bolanle
Hafiz Matti | Adversarial Sampling for Fairness Testing in Deep Neural Network | 7 pages, 5 figures, International Journal of Advanced Computer
Science and Application | (IJACSA) International Journal of Advanced Computer Science and
Applications, Vol. 14, No. 2, 2023 | 10.14569/IJACSA.2023.0140202 | null | cs.LG cs.CY | http://creativecommons.org/licenses/by/4.0/ | In this research, we focus on the usage of adversarial sampling to test for
the fairness in the prediction of deep neural network model across different
classes of image in a given dataset. While several framework had been proposed
to ensure robustness of machine learning model against adversarial attack, some
of which includes adversarial training algorithm. There is still the pitfall
that adversarial training algorithm tends to cause disparity in accuracy and
robustness among different group. Our research is aimed at using adversarial
sampling to test for fairness in the prediction of deep neural network model
across different classes or categories of image in a given dataset. We
successfully demonstrated a new method of ensuring fairness across various
group of input in deep neural network classifier. We trained our neural network
model on the original image, and without training our model on the perturbed or
attacked image. When we feed the adversarial samplings to our model, it was
able to predict the original category/ class of the image the adversarial
sample belongs to. We also introduced and used the separation of concern
concept from software engineering whereby there is an additional standalone
filter layer that filters perturbed image by heavily removing the noise or
attack before automatically passing it to the network for classification, we
were able to have accuracy of 93.3%. Cifar-10 dataset have ten categories of
dataset, and so, in order to account for fairness, we applied our hypothesis
across each categories of dataset and were able to get a consistent result and
accuracy.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 03:55:37 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ige",
"Tosin",
""
],
[
"Marfo",
"William",
""
],
[
"Tonkinson",
"Justin",
""
],
[
"Adewale",
"Sikiru",
""
],
[
"Matti",
"Bolanle Hafiz",
""
]
] | TITLE: Adversarial Sampling for Fairness Testing in Deep Neural Network
ABSTRACT: In this research, we focus on the usage of adversarial sampling to test for
the fairness in the prediction of deep neural network model across different
classes of image in a given dataset. While several framework had been proposed
to ensure robustness of machine learning model against adversarial attack, some
of which includes adversarial training algorithm. There is still the pitfall
that adversarial training algorithm tends to cause disparity in accuracy and
robustness among different group. Our research is aimed at using adversarial
sampling to test for fairness in the prediction of deep neural network model
across different classes or categories of image in a given dataset. We
successfully demonstrated a new method of ensuring fairness across various
group of input in deep neural network classifier. We trained our neural network
model on the original image, and without training our model on the perturbed or
attacked image. When we feed the adversarial samplings to our model, it was
able to predict the original category/ class of the image the adversarial
sample belongs to. We also introduced and used the separation of concern
concept from software engineering whereby there is an additional standalone
filter layer that filters perturbed image by heavily removing the noise or
attack before automatically passing it to the network for classification, we
were able to have accuracy of 93.3%. Cifar-10 dataset have ten categories of
dataset, and so, in order to account for fairness, we applied our hypothesis
across each categories of dataset and were able to get a consistent result and
accuracy.
|
2303.02875 | Bowen Wang | Bowen Wang, Chen Liang, Jiaze Wang, Furui Liu, Shaogang Hao, Dong Li,
Jianye Hao, Guangyong Chen, Xiaolong Zou, Pheng-Ann Heng | DR-Label: Improving GNN Models for Catalysis Systems by Label
Deconstruction and Reconstruction | 11 pages, 3 figures | null | null | null | cs.LG physics.chem-ph | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Attaining the equilibrium state of a catalyst-adsorbate system is key to
fundamentally assessing its effective properties, such as adsorption energy.
Machine learning methods with finer supervision strategies have been applied to
boost and guide the relaxation process of an atomic system and better predict
its properties at the equilibrium state. In this paper, we present a novel
graph neural network (GNN) supervision and prediction strategy DR-Label. The
method enhances the supervision signal, reduces the multiplicity of solutions
in edge representation, and encourages the model to provide node predictions
that are graph structural variation robust. DR-Label first Deconstructs
finer-grained equilibrium state information to the model by projecting the
node-level supervision signal to each edge. Reversely, the model Reconstructs a
more robust equilibrium state prediction by transforming edge-level predictions
to node-level with a sphere-fitting algorithm. The DR-Label strategy was
applied to three radically distinct models, each of which displayed consistent
performance enhancements. Based on the DR-Label strategy, we further proposed
DRFormer, which achieved a new state-of-the-art performance on the Open
Catalyst 2020 (OC20) dataset and the Cu-based single-atom-alloyed CO adsorption
(SAA) dataset. We expect that our work will highlight crucial steps for the
development of a more accurate model in equilibrium state property prediction
of a catalysis system.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 04:01:28 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Bowen",
""
],
[
"Liang",
"Chen",
""
],
[
"Wang",
"Jiaze",
""
],
[
"Liu",
"Furui",
""
],
[
"Hao",
"Shaogang",
""
],
[
"Li",
"Dong",
""
],
[
"Hao",
"Jianye",
""
],
[
"Chen",
"Guangyong",
""
],
[
"Zou",
"Xiaolong",
""
],
[
"Heng",
"Pheng-Ann",
""
]
] | TITLE: DR-Label: Improving GNN Models for Catalysis Systems by Label
Deconstruction and Reconstruction
ABSTRACT: Attaining the equilibrium state of a catalyst-adsorbate system is key to
fundamentally assessing its effective properties, such as adsorption energy.
Machine learning methods with finer supervision strategies have been applied to
boost and guide the relaxation process of an atomic system and better predict
its properties at the equilibrium state. In this paper, we present a novel
graph neural network (GNN) supervision and prediction strategy DR-Label. The
method enhances the supervision signal, reduces the multiplicity of solutions
in edge representation, and encourages the model to provide node predictions
that are graph structural variation robust. DR-Label first Deconstructs
finer-grained equilibrium state information to the model by projecting the
node-level supervision signal to each edge. Reversely, the model Reconstructs a
more robust equilibrium state prediction by transforming edge-level predictions
to node-level with a sphere-fitting algorithm. The DR-Label strategy was
applied to three radically distinct models, each of which displayed consistent
performance enhancements. Based on the DR-Label strategy, we further proposed
DRFormer, which achieved a new state-of-the-art performance on the Open
Catalyst 2020 (OC20) dataset and the Cu-based single-atom-alloyed CO adsorption
(SAA) dataset. We expect that our work will highlight crucial steps for the
development of a more accurate model in equilibrium state property prediction
of a catalysis system.
|
2303.02881 | Yi Zhang | Yi Zhang, Dasong Li, Xiaoyu Shi, Dailan He, Kangning Song, Xiaogang
Wang, Hongwei Qin, Hongsheng Li | KBNet: Kernel Basis Network for Image Restoration | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | How to aggregate spatial information plays an essential role in
learning-based image restoration. Most existing CNN-based networks adopt static
convolutional kernels to encode spatial information, which cannot aggregate
spatial information adaptively. Recent transformer-based architectures achieve
adaptive spatial aggregation. But they lack desirable inductive biases of
convolutions and require heavy computational costs. In this paper, we propose a
kernel basis attention (KBA) module, which introduces learnable kernel bases to
model representative image patterns for spatial information aggregation.
Different kernel bases are trained to model different local structures. At each
spatial location, they are linearly and adaptively fused by predicted
pixel-wise coefficients to obtain aggregation weights. Based on the KBA module,
we further design a multi-axis feature fusion (MFF) block to encode and fuse
channel-wise, spatial-invariant, and pixel-adaptive features for image
restoration. Our model, named kernel basis network (KBNet), achieves
state-of-the-art performances on more than ten benchmarks over image denoising,
deraining, and deblurring tasks while requiring less computational cost than
previous SOTA methods.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 04:17:29 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"Yi",
""
],
[
"Li",
"Dasong",
""
],
[
"Shi",
"Xiaoyu",
""
],
[
"He",
"Dailan",
""
],
[
"Song",
"Kangning",
""
],
[
"Wang",
"Xiaogang",
""
],
[
"Qin",
"Hongwei",
""
],
[
"Li",
"Hongsheng",
""
]
] | TITLE: KBNet: Kernel Basis Network for Image Restoration
ABSTRACT: How to aggregate spatial information plays an essential role in
learning-based image restoration. Most existing CNN-based networks adopt static
convolutional kernels to encode spatial information, which cannot aggregate
spatial information adaptively. Recent transformer-based architectures achieve
adaptive spatial aggregation. But they lack desirable inductive biases of
convolutions and require heavy computational costs. In this paper, we propose a
kernel basis attention (KBA) module, which introduces learnable kernel bases to
model representative image patterns for spatial information aggregation.
Different kernel bases are trained to model different local structures. At each
spatial location, they are linearly and adaptively fused by predicted
pixel-wise coefficients to obtain aggregation weights. Based on the KBA module,
we further design a multi-axis feature fusion (MFF) block to encode and fuse
channel-wise, spatial-invariant, and pixel-adaptive features for image
restoration. Our model, named kernel basis network (KBNet), achieves
state-of-the-art performances on more than ten benchmarks over image denoising,
deraining, and deblurring tasks while requiring less computational cost than
previous SOTA methods.
|
2303.02883 | Miguel \'A. Carreira-Perpi\~n\'an | Miguel \'A. Carreira-Perpi\~n\'an and Suryabhan Singh Hada | Very fast, approximate counterfactual explanations for decision forests | A shorter version of this paper appears in AAAI 2023 | null | null | null | cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We consider finding a counterfactual explanation for a classification or
regression forest, such as a random forest. This requires solving an
optimization problem to find the closest input instance to a given instance for
which the forest outputs a desired value. Finding an exact solution has a cost
that is exponential on the number of leaves in the forest. We propose a simple
but very effective approach: we constrain the optimization to only those input
space regions defined by the forest that are populated by actual data points.
The problem reduces to a form of nearest-neighbor search using a certain
distance on a certain dataset. This has two advantages: first, the solution can
be found very quickly, scaling to large forests and high-dimensional data, and
enabling interactive use. Second, the solution found is more likely to be
realistic in that it is guided towards high-density areas of input space.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 04:29:30 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Carreira-Perpiñán",
"Miguel Á.",
""
],
[
"Hada",
"Suryabhan Singh",
""
]
] | TITLE: Very fast, approximate counterfactual explanations for decision forests
ABSTRACT: We consider finding a counterfactual explanation for a classification or
regression forest, such as a random forest. This requires solving an
optimization problem to find the closest input instance to a given instance for
which the forest outputs a desired value. Finding an exact solution has a cost
that is exponential on the number of leaves in the forest. We propose a simple
but very effective approach: we constrain the optimization to only those input
space regions defined by the forest that are populated by actual data points.
The problem reduces to a form of nearest-neighbor search using a certain
distance on a certain dataset. This has two advantages: first, the solution can
be found very quickly, scaling to large forests and high-dimensional data, and
enabling interactive use. Second, the solution found is more likely to be
realistic in that it is guided towards high-density areas of input space.
|
2303.02906 | JingYuan Zhu | Jingyuan Zhu, Huimin Ma, Jiansheng Chen, and Jian Yuan | MotionVideoGAN: A Novel Video Generator Based on the Motion Space
Learned from Image Pairs | Accepted by IEEE Transactions on Multimedia as a regular paper | null | 10.1109/TMM.2023.3251095 | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Video generation has achieved rapid progress benefiting from high-quality
renderings provided by powerful image generators. We regard the video synthesis
task as generating a sequence of images sharing the same contents but varying
in motions. However, most previous video synthesis frameworks based on
pre-trained image generators treat content and motion generation separately,
leading to unrealistic generated videos. Therefore, we design a novel framework
to build the motion space, aiming to achieve content consistency and fast
convergence for video generation. We present MotionVideoGAN, a novel video
generator synthesizing videos based on the motion space learned by pre-trained
image pair generators. Firstly, we propose an image pair generator named
MotionStyleGAN to generate image pairs sharing the same contents and producing
various motions. Then we manage to acquire motion codes to edit one image in
the generated image pairs and keep the other unchanged. The motion codes help
us edit images within the motion space since the edited image shares the same
contents with the other unchanged one in image pairs. Finally, we introduce a
latent code generator to produce latent code sequences using motion codes for
video generation. Our approach achieves state-of-the-art performance on the
most complex video dataset ever used for unconditional video generation
evaluation, UCF101.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 05:52:13 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhu",
"Jingyuan",
""
],
[
"Ma",
"Huimin",
""
],
[
"Chen",
"Jiansheng",
""
],
[
"Yuan",
"Jian",
""
]
] | TITLE: MotionVideoGAN: A Novel Video Generator Based on the Motion Space
Learned from Image Pairs
ABSTRACT: Video generation has achieved rapid progress benefiting from high-quality
renderings provided by powerful image generators. We regard the video synthesis
task as generating a sequence of images sharing the same contents but varying
in motions. However, most previous video synthesis frameworks based on
pre-trained image generators treat content and motion generation separately,
leading to unrealistic generated videos. Therefore, we design a novel framework
to build the motion space, aiming to achieve content consistency and fast
convergence for video generation. We present MotionVideoGAN, a novel video
generator synthesizing videos based on the motion space learned by pre-trained
image pair generators. Firstly, we propose an image pair generator named
MotionStyleGAN to generate image pairs sharing the same contents and producing
various motions. Then we manage to acquire motion codes to edit one image in
the generated image pairs and keep the other unchanged. The motion codes help
us edit images within the motion space since the edited image shares the same
contents with the other unchanged one in image pairs. Finally, we introduce a
latent code generator to produce latent code sequences using motion codes for
video generation. Our approach achieves state-of-the-art performance on the
most complex video dataset ever used for unconditional video generation
evaluation, UCF101.
|
2303.02913 | Zhenyu Wu | Zhenyu Wu, YaoXiang Wang, Jiacheng Ye, Jiangtao Feng, Jingjing Xu, Yu
Qiao, Zhiyong Wu | OpenICL: An Open-Source Framework for In-context Learning | null | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In recent years, In-context Learning (ICL) has gained increasing attention
and emerged as the new paradigm for large language model (LLM) evaluation.
Unlike traditional fine-tuning methods, ICL instead adapts the pre-trained
models to unseen tasks without any parameter updates. However, the
implementation of ICL is sophisticated due to the diverse retrieval and
inference methods involved, as well as the varying pre-processing requirements
for different models, datasets, and tasks. A unified and flexible framework for
ICL is urgently needed to ease the implementation of the aforementioned
components. To facilitate ICL research, we introduce OpenICL, an open-source
toolkit for ICL and LLM evaluation. OpenICL is research-friendly with a highly
flexible architecture that users can easily combine different components to
suit their needs. It also provides various state-of-the-art retrieval and
inference methods to streamline the process of adapting ICL to cutting-edge
research. The effectiveness of OpenICL has been validated on a wide range of
NLP tasks, including classification, QA, machine translation, and semantic
parsing. As a side-product, we found OpenICL to be an efficient yet robust tool
for LLMs evaluation. OpenICL is released at
https://github.com/Shark-NLP/OpenICL
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 06:20:25 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wu",
"Zhenyu",
""
],
[
"Wang",
"YaoXiang",
""
],
[
"Ye",
"Jiacheng",
""
],
[
"Feng",
"Jiangtao",
""
],
[
"Xu",
"Jingjing",
""
],
[
"Qiao",
"Yu",
""
],
[
"Wu",
"Zhiyong",
""
]
] | TITLE: OpenICL: An Open-Source Framework for In-context Learning
ABSTRACT: In recent years, In-context Learning (ICL) has gained increasing attention
and emerged as the new paradigm for large language model (LLM) evaluation.
Unlike traditional fine-tuning methods, ICL instead adapts the pre-trained
models to unseen tasks without any parameter updates. However, the
implementation of ICL is sophisticated due to the diverse retrieval and
inference methods involved, as well as the varying pre-processing requirements
for different models, datasets, and tasks. A unified and flexible framework for
ICL is urgently needed to ease the implementation of the aforementioned
components. To facilitate ICL research, we introduce OpenICL, an open-source
toolkit for ICL and LLM evaluation. OpenICL is research-friendly with a highly
flexible architecture that users can easily combine different components to
suit their needs. It also provides various state-of-the-art retrieval and
inference methods to streamline the process of adapting ICL to cutting-edge
research. The effectiveness of OpenICL has been validated on a wide range of
NLP tasks, including classification, QA, machine translation, and semantic
parsing. As a side-product, we found OpenICL to be an efficient yet robust tool
for LLMs evaluation. OpenICL is released at
https://github.com/Shark-NLP/OpenICL
|
2303.02915 | Chiao-Wei Hsu | Chiao-Wei Hsu, Keh-Yih Su | GlobalNER: Incorporating Non-local Information into Named Entity
Recognition | 13 pages, 5 figures | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by/4.0/ | Nowadays, many Natural Language Processing (NLP) tasks see the demand for
incorporating knowledge external to the local information to further improve
the performance. However, there is little related work on Named Entity
Recognition (NER), which is one of the foundations of NLP. Specifically, no
studies were conducted on the query generation and re-ranking for retrieving
the related information for the purpose of improving NER. This work
demonstrates the effectiveness of a DNN-based query generation method and a
mention-aware re-ranking architecture based on BERTScore particularly for NER.
In the end, a state-of-the-art performance of 61.56 micro-f1 score on WNUT17
dataset is achieved.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 06:20:55 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Hsu",
"Chiao-Wei",
""
],
[
"Su",
"Keh-Yih",
""
]
] | TITLE: GlobalNER: Incorporating Non-local Information into Named Entity
Recognition
ABSTRACT: Nowadays, many Natural Language Processing (NLP) tasks see the demand for
incorporating knowledge external to the local information to further improve
the performance. However, there is little related work on Named Entity
Recognition (NER), which is one of the foundations of NLP. Specifically, no
studies were conducted on the query generation and re-ranking for retrieving
the related information for the purpose of improving NER. This work
demonstrates the effectiveness of a DNN-based query generation method and a
mention-aware re-ranking architecture based on BERTScore particularly for NER.
In the end, a state-of-the-art performance of 61.56 micro-f1 score on WNUT17
dataset is achieved.
|
2303.02916 | Jia Ao Sun | Jia Ao Sun, Sikha Pentyala, Martine De Cock, Golnoosh Farnadi | Privacy-Preserving Fair Item Ranking | null | null | null | null | cs.IR cs.CR cs.CY | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Users worldwide access massive amounts of curated data in the form of
rankings on a daily basis. The societal impact of this ease of access has been
studied and work has been done to propose and enforce various notions of
fairness in rankings. Current computational methods for fair item ranking rely
on disclosing user data to a centralized server, which gives rise to privacy
concerns for the users. This work is the first to advance research at the
conjunction of producer (item) fairness and consumer (user) privacy in rankings
by exploring the incorporation of privacy-preserving techniques; specifically,
differential privacy and secure multi-party computation. Our work extends the
equity of amortized attention ranking mechanism to be privacy-preserving, and
we evaluate its effects with respect to privacy, fairness, and ranking quality.
Our results using real-world datasets show that we are able to effectively
preserve the privacy of users and mitigate unfairness of items without making
additional sacrifices to the quality of rankings in comparison to the ranking
mechanism in the clear.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 06:21:20 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Sun",
"Jia Ao",
""
],
[
"Pentyala",
"Sikha",
""
],
[
"De Cock",
"Martine",
""
],
[
"Farnadi",
"Golnoosh",
""
]
] | TITLE: Privacy-Preserving Fair Item Ranking
ABSTRACT: Users worldwide access massive amounts of curated data in the form of
rankings on a daily basis. The societal impact of this ease of access has been
studied and work has been done to propose and enforce various notions of
fairness in rankings. Current computational methods for fair item ranking rely
on disclosing user data to a centralized server, which gives rise to privacy
concerns for the users. This work is the first to advance research at the
conjunction of producer (item) fairness and consumer (user) privacy in rankings
by exploring the incorporation of privacy-preserving techniques; specifically,
differential privacy and secure multi-party computation. Our work extends the
equity of amortized attention ranking mechanism to be privacy-preserving, and
we evaluate its effects with respect to privacy, fairness, and ranking quality.
Our results using real-world datasets show that we are able to effectively
preserve the privacy of users and mitigate unfairness of items without making
additional sacrifices to the quality of rankings in comparison to the ranking
mechanism in the clear.
|
2303.02922 | Hao Zheng | Hao Zheng, Hongming Li, Yong Fan | SurfNN: Joint Reconstruction of Multiple Cortical Surfaces from Magnetic
Resonance Images | ISBI 2023 | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by-nc-nd/4.0/ | To achieve fast, robust, and accurate reconstruction of the human cortical
surfaces from 3D magnetic resonance images (MRIs), we develop a novel deep
learning-based framework, referred to as SurfNN, to reconstruct simultaneously
both inner (between white matter and gray matter) and outer (pial) surfaces
from MRIs. Different from existing deep learning-based cortical surface
reconstruction methods that either reconstruct the cortical surfaces separately
or neglect the interdependence between the inner and outer surfaces, SurfNN
reconstructs both the inner and outer cortical surfaces jointly by training a
single network to predict a midthickness surface that lies at the center of the
inner and outer cortical surfaces. The input of SurfNN consists of a 3D MRI and
an initialization of the midthickness surface that is represented both
implicitly as a 3D distance map and explicitly as a triangular mesh with
spherical topology, and its output includes both the inner and outer cortical
surfaces, as well as the midthickness surface. The method has been evaluated on
a large-scale MRI dataset and demonstrated competitive cortical surface
reconstruction performance.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 06:40:13 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zheng",
"Hao",
""
],
[
"Li",
"Hongming",
""
],
[
"Fan",
"Yong",
""
]
] | TITLE: SurfNN: Joint Reconstruction of Multiple Cortical Surfaces from Magnetic
Resonance Images
ABSTRACT: To achieve fast, robust, and accurate reconstruction of the human cortical
surfaces from 3D magnetic resonance images (MRIs), we develop a novel deep
learning-based framework, referred to as SurfNN, to reconstruct simultaneously
both inner (between white matter and gray matter) and outer (pial) surfaces
from MRIs. Different from existing deep learning-based cortical surface
reconstruction methods that either reconstruct the cortical surfaces separately
or neglect the interdependence between the inner and outer surfaces, SurfNN
reconstructs both the inner and outer cortical surfaces jointly by training a
single network to predict a midthickness surface that lies at the center of the
inner and outer cortical surfaces. The input of SurfNN consists of a 3D MRI and
an initialization of the midthickness surface that is represented both
implicitly as a 3D distance map and explicitly as a triangular mesh with
spherical topology, and its output includes both the inner and outer cortical
surfaces, as well as the midthickness surface. The method has been evaluated on
a large-scale MRI dataset and demonstrated competitive cortical surface
reconstruction performance.
|
2303.02943 | Xinhui Li | Xinhui Li, Mingjia Li, Yaxing Wang, Chuan-Xian Ren, Xiaojie Guo | Adaptive Texture Filtering for Single-Domain Generalized Segmentation | Accepted by AAAI 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Domain generalization in semantic segmentation aims to alleviate the
performance degradation on unseen domains through learning domain-invariant
features. Existing methods diversify images in the source domain by adding
complex or even abnormal textures to reduce the sensitivity to domain specific
features. However, these approaches depend heavily on the richness of the
texture bank, and training them can be time-consuming. In contrast to importing
textures arbitrarily or augmenting styles randomly, we focus on the single
source domain itself to achieve generalization. In this paper, we present a
novel adaptive texture filtering mechanism to suppress the influence of texture
without using augmentation, thus eliminating the interference of
domain-specific features. Further, we design a hierarchical guidance
generalization network equipped with structure-guided enhancement modules,
which purpose is to learn the domain-invariant generalized knowledge. Extensive
experiments together with ablation studies on widely-used datasets are
conducted to verify the effectiveness of the proposed model, and reveal its
superiority over other state-of-the-art alternatives.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 07:30:53 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Xinhui",
""
],
[
"Li",
"Mingjia",
""
],
[
"Wang",
"Yaxing",
""
],
[
"Ren",
"Chuan-Xian",
""
],
[
"Guo",
"Xiaojie",
""
]
] | TITLE: Adaptive Texture Filtering for Single-Domain Generalized Segmentation
ABSTRACT: Domain generalization in semantic segmentation aims to alleviate the
performance degradation on unseen domains through learning domain-invariant
features. Existing methods diversify images in the source domain by adding
complex or even abnormal textures to reduce the sensitivity to domain specific
features. However, these approaches depend heavily on the richness of the
texture bank, and training them can be time-consuming. In contrast to importing
textures arbitrarily or augmenting styles randomly, we focus on the single
source domain itself to achieve generalization. In this paper, we present a
novel adaptive texture filtering mechanism to suppress the influence of texture
without using augmentation, thus eliminating the interference of
domain-specific features. Further, we design a hierarchical guidance
generalization network equipped with structure-guided enhancement modules,
which purpose is to learn the domain-invariant generalized knowledge. Extensive
experiments together with ablation studies on widely-used datasets are
conducted to verify the effectiveness of the proposed model, and reveal its
superiority over other state-of-the-art alternatives.
|
2303.02944 | Xiaoping Yang | Liwen Zou, Zhenghua Cai, Yudong Qiu, Luying Gui, Liang Mao and
Xiaoping Yang | CTG-Net: An Efficient Cascaded Framework Driven by Terminal Guidance
Mechanism for Dilated Pancreatic Duct Segmentation | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Pancreatic duct dilation indicates a high risk of various pancreatic
diseases. Segmentation of dilated pancreatic ducts on computed tomography (CT)
images shows the potential to assist the early diagnosis, surgical planning and
prognosis. Because of the ducts' tiny sizes, slender tubular structures and the
surrounding distractions, most current researches on pancreatic duct
segmentation achieve low accuracy and always have segmentation errors on the
terminal parts of the ducts. To address these problems, we propose a terminal
guidance mechanism called cascaded terminal guidance network (CTG-Net).
Firstly, a terminal attention mechanism is established on the skeletons
extracted from the coarse predictions. Then, to get fine terminal segmentation,
a subnetwork is designed for jointly learning the local intensity from the
original images, feature cues from coarse predictions and global anatomy
information from the pancreas distance transform maps. Finally, a terminal
distraction attention module which explicitly learns the distribution of the
terminal distraction is proposed to reduce the false positive and false
negative predictions. We also propose a new metric called tDice to measure the
terminal segmentation accuracy for targets with tubular structures and two
segmentation metrics for distractions. We collect our dilated pancreatic duct
segmentation dataset with 150 CT scans from patients with 5 types of pancreatic
tumors. Experimental results on our dataset show that our proposed approach
boosts dilated pancreatic duct segmentation accuracy by nearly 20% compared
with the existing results, and achieves more than 9% improvement for the
terminal segmentation accuracy compared with the state-of-the-art methods.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 07:31:01 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zou",
"Liwen",
""
],
[
"Cai",
"Zhenghua",
""
],
[
"Qiu",
"Yudong",
""
],
[
"Gui",
"Luying",
""
],
[
"Mao",
"Liang",
""
],
[
"Yang",
"Xiaoping",
""
]
] | TITLE: CTG-Net: An Efficient Cascaded Framework Driven by Terminal Guidance
Mechanism for Dilated Pancreatic Duct Segmentation
ABSTRACT: Pancreatic duct dilation indicates a high risk of various pancreatic
diseases. Segmentation of dilated pancreatic ducts on computed tomography (CT)
images shows the potential to assist the early diagnosis, surgical planning and
prognosis. Because of the ducts' tiny sizes, slender tubular structures and the
surrounding distractions, most current researches on pancreatic duct
segmentation achieve low accuracy and always have segmentation errors on the
terminal parts of the ducts. To address these problems, we propose a terminal
guidance mechanism called cascaded terminal guidance network (CTG-Net).
Firstly, a terminal attention mechanism is established on the skeletons
extracted from the coarse predictions. Then, to get fine terminal segmentation,
a subnetwork is designed for jointly learning the local intensity from the
original images, feature cues from coarse predictions and global anatomy
information from the pancreas distance transform maps. Finally, a terminal
distraction attention module which explicitly learns the distribution of the
terminal distraction is proposed to reduce the false positive and false
negative predictions. We also propose a new metric called tDice to measure the
terminal segmentation accuracy for targets with tubular structures and two
segmentation metrics for distractions. We collect our dilated pancreatic duct
segmentation dataset with 150 CT scans from patients with 5 types of pancreatic
tumors. Experimental results on our dataset show that our proposed approach
boosts dilated pancreatic duct segmentation accuracy by nearly 20% compared
with the existing results, and achieves more than 9% improvement for the
terminal segmentation accuracy compared with the state-of-the-art methods.
|
2303.02948 | Weili Wang | Weili Wang, Omid Abbasi, Halim Yanikomeroglu, Chengchao Liang, Lun
Tang, Qianbin Chen | A VHetNet-Enabled Asynchronous Federated Learning-Based Anomaly
Detection Framework for Ubiquitous IoT | null | null | null | null | cs.NI eess.SP | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Anomaly detection for the Internet of Things (IoT) is a major intelligent
service required by many fields, including intrusion detection, device-activity
analysis, and security supervision. However, the heterogeneous distribution of
data and resource-constrained end nodes present challenges for existing anomaly
detection models. Due to the advantages of flexible deployment and
multi-dimensional resources, high altitude platform stations (HAPSs) and
unmanned aerial vehicles (UAVs), which are important components of vertical
heterogeneous networks (VHetNets), have significant potential for sensing,
computing, storage, and communication applications in ubiquitous IoT systems.
In this paper, we propose a novel VHetNet-enabled asynchronous federated
learning (AFL) framework to enable decentralized UAVs to collaboratively train
a global anomaly detection model. In the VHetNet-enabled AFL framework, a HAPS
operates as a central aerial server, and the local models trained in UAVs are
uploaded to the HAPS for global aggregation due to its wide coverage and strong
storage and computation capabilities. We introduce a UAV selection strategy
into the AFL framework to prevent UAVs with low local model quality and large
energy consumption from affecting the learning efficiency and detection
accuracy of the global model. To ensure the security of transmissions between
UAVs and the HAPS, we add designed noise to local model parameters in UAVs to
achieve differential privacy. Moreover, we propose a compound-action
actor-critic (CA2C)-based joint device association, UAV selection, and UAV
trajectory planning algorithm to further enhance the overall federated
execution efficiency and detection model accuracy. Extensive experimental
evaluation on a real-world dataset demonstrates that the proposed algorithm can
achieve high detection accuracy with short federated execution time and low
energy consumption.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 07:38:57 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Weili",
""
],
[
"Abbasi",
"Omid",
""
],
[
"Yanikomeroglu",
"Halim",
""
],
[
"Liang",
"Chengchao",
""
],
[
"Tang",
"Lun",
""
],
[
"Chen",
"Qianbin",
""
]
] | TITLE: A VHetNet-Enabled Asynchronous Federated Learning-Based Anomaly
Detection Framework for Ubiquitous IoT
ABSTRACT: Anomaly detection for the Internet of Things (IoT) is a major intelligent
service required by many fields, including intrusion detection, device-activity
analysis, and security supervision. However, the heterogeneous distribution of
data and resource-constrained end nodes present challenges for existing anomaly
detection models. Due to the advantages of flexible deployment and
multi-dimensional resources, high altitude platform stations (HAPSs) and
unmanned aerial vehicles (UAVs), which are important components of vertical
heterogeneous networks (VHetNets), have significant potential for sensing,
computing, storage, and communication applications in ubiquitous IoT systems.
In this paper, we propose a novel VHetNet-enabled asynchronous federated
learning (AFL) framework to enable decentralized UAVs to collaboratively train
a global anomaly detection model. In the VHetNet-enabled AFL framework, a HAPS
operates as a central aerial server, and the local models trained in UAVs are
uploaded to the HAPS for global aggregation due to its wide coverage and strong
storage and computation capabilities. We introduce a UAV selection strategy
into the AFL framework to prevent UAVs with low local model quality and large
energy consumption from affecting the learning efficiency and detection
accuracy of the global model. To ensure the security of transmissions between
UAVs and the HAPS, we add designed noise to local model parameters in UAVs to
achieve differential privacy. Moreover, we propose a compound-action
actor-critic (CA2C)-based joint device association, UAV selection, and UAV
trajectory planning algorithm to further enhance the overall federated
execution efficiency and detection model accuracy. Extensive experimental
evaluation on a real-world dataset demonstrates that the proposed algorithm can
achieve high detection accuracy with short federated execution time and low
energy consumption.
|
2303.02954 | Daofeng Liu | Daofeng Liu, Fan Lyu, Linyan Li, Zhenping Xia, Fuyuan Hu | Centroid Distance Distillation for Effective Rehearsal in Continual
Learning | null | null | null | null | cs.LG cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Rehearsal, retraining on a stored small data subset of old tasks, has been
proven effective in solving catastrophic forgetting in continual learning.
However, due to the sampled data may have a large bias towards the original
dataset, retraining them is susceptible to driving continual domain drift of
old tasks in feature space, resulting in forgetting. In this paper, we focus on
tackling the continual domain drift problem with centroid distance
distillation. First, we propose a centroid caching mechanism for sampling data
points based on constructed centroids to reduce the sample bias in rehearsal.
Then, we present a centroid distance distillation that only stores the centroid
distance to reduce the continual domain drift. The experiments on four
continual learning datasets show the superiority of the proposed method, and
the continual domain drift can be reduced.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 07:54:37 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Liu",
"Daofeng",
""
],
[
"Lyu",
"Fan",
""
],
[
"Li",
"Linyan",
""
],
[
"Xia",
"Zhenping",
""
],
[
"Hu",
"Fuyuan",
""
]
] | TITLE: Centroid Distance Distillation for Effective Rehearsal in Continual
Learning
ABSTRACT: Rehearsal, retraining on a stored small data subset of old tasks, has been
proven effective in solving catastrophic forgetting in continual learning.
However, due to the sampled data may have a large bias towards the original
dataset, retraining them is susceptible to driving continual domain drift of
old tasks in feature space, resulting in forgetting. In this paper, we focus on
tackling the continual domain drift problem with centroid distance
distillation. First, we propose a centroid caching mechanism for sampling data
points based on constructed centroids to reduce the sample bias in rehearsal.
Then, we present a centroid distance distillation that only stores the centroid
distance to reduce the continual domain drift. The experiments on four
continual learning datasets show the superiority of the proposed method, and
the continual domain drift can be reduced.
|
2303.02959 | Feng Wang | Feng Wang, Haihang Ruan, Fei Xiong, Jiayu Yang, Litian Li and Ronggang
Wang | Butterfly: Multiple Reference Frames Feature Propagation Mechanism for
Neural Video Compression | Accepted by DCC 2023 | null | null | null | cs.CV cs.MM eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Using more reference frames can significantly improve the compression
efficiency in neural video compression. However, in low-latency scenarios, most
existing neural video compression frameworks usually use the previous one frame
as reference. Or a few frameworks which use the previous multiple frames as
reference only adopt a simple multi-reference frames propagation mechanism. In
this paper, we present a more reasonable multi-reference frames propagation
mechanism for neural video compression, called butterfly multi-reference frame
propagation mechanism (Butterfly), which allows a more effective feature fusion
of multi-reference frames. By this, we can generate more accurate temporal
context conditional prior for Contextual Coding Module. Besides, when the
number of decoded frames does not meet the required number of reference frames,
we duplicate the nearest reference frame to achieve the requirement, which is
better than duplicating the furthest one. Experiment results show that our
method can significantly outperform the previous state-of-the-art (SOTA), and
our neural codec can achieve -7.6% bitrate save on HEVC Class D dataset when
compares with our base single-reference frame model with the same compression
configuration.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 08:19:15 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wang",
"Feng",
""
],
[
"Ruan",
"Haihang",
""
],
[
"Xiong",
"Fei",
""
],
[
"Yang",
"Jiayu",
""
],
[
"Li",
"Litian",
""
],
[
"Wang",
"Ronggang",
""
]
] | TITLE: Butterfly: Multiple Reference Frames Feature Propagation Mechanism for
Neural Video Compression
ABSTRACT: Using more reference frames can significantly improve the compression
efficiency in neural video compression. However, in low-latency scenarios, most
existing neural video compression frameworks usually use the previous one frame
as reference. Or a few frameworks which use the previous multiple frames as
reference only adopt a simple multi-reference frames propagation mechanism. In
this paper, we present a more reasonable multi-reference frames propagation
mechanism for neural video compression, called butterfly multi-reference frame
propagation mechanism (Butterfly), which allows a more effective feature fusion
of multi-reference frames. By this, we can generate more accurate temporal
context conditional prior for Contextual Coding Module. Besides, when the
number of decoded frames does not meet the required number of reference frames,
we duplicate the nearest reference frame to achieve the requirement, which is
better than duplicating the furthest one. Experiment results show that our
method can significantly outperform the previous state-of-the-art (SOTA), and
our neural codec can achieve -7.6% bitrate save on HEVC Class D dataset when
compares with our base single-reference frame model with the same compression
configuration.
|
2303.02961 | Hui Liu | Hui Liu, Xiaojun Wan | Models See Hallucinations: Evaluating the Factuality in Video Captioning | 17 pages | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Video captioning aims to describe events in a video with natural language. In
recent years, many works have focused on improving captioning models'
performance. However, like other text generation tasks, it risks introducing
factual errors not supported by the input video. These factual errors can
seriously affect the quality of the generated text, sometimes making it
completely unusable. Although factual consistency has received much research
attention in text-to-text tasks (e.g., summarization), it is less studied in
the context of vision-based text generation. In this work, we conduct a
detailed human evaluation of the factuality in video captioning and collect two
annotated factuality datasets. We find that 57.0% of the model-generated
sentences have factual errors, indicating it is a severe problem in this field.
However, existing evaluation metrics are mainly based on n-gram matching and
show little correlation with human factuality annotation. We further propose a
weakly-supervised, model-based factuality metric FactVC, which outperforms
previous metrics on factuality evaluation of video captioning. The datasets and
metrics will be released to promote future research for video captioning.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 08:32:50 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Liu",
"Hui",
""
],
[
"Wan",
"Xiaojun",
""
]
] | TITLE: Models See Hallucinations: Evaluating the Factuality in Video Captioning
ABSTRACT: Video captioning aims to describe events in a video with natural language. In
recent years, many works have focused on improving captioning models'
performance. However, like other text generation tasks, it risks introducing
factual errors not supported by the input video. These factual errors can
seriously affect the quality of the generated text, sometimes making it
completely unusable. Although factual consistency has received much research
attention in text-to-text tasks (e.g., summarization), it is less studied in
the context of vision-based text generation. In this work, we conduct a
detailed human evaluation of the factuality in video captioning and collect two
annotated factuality datasets. We find that 57.0% of the model-generated
sentences have factual errors, indicating it is a severe problem in this field.
However, existing evaluation metrics are mainly based on n-gram matching and
show little correlation with human factuality annotation. We further propose a
weakly-supervised, model-based factuality metric FactVC, which outperforms
previous metrics on factuality evaluation of video captioning. The datasets and
metrics will be released to promote future research for video captioning.
|
2303.02967 | Xiaoping Yang | Liwen Zou, Zhenghua Cai, Liang Mao, Ziwei Nie, Yudong Qiu and Xiaoping
Yang | Automated Peripancreatic Vessel Segmentation and Labeling Based on
Iterative Trunk Growth and Weakly Supervised Mechanism | null | null | null | null | eess.IV cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Peripancreatic vessel segmentation and anatomical labeling play extremely
important roles to assist the early diagnosis, surgery planning and prognosis
for patients with pancreatic tumors. However, most current techniques cannot
achieve satisfactory segmentation performance for peripancreatic veins and
usually make predictions with poor integrity and connectivity. Besides,
unsupervised labeling algorithms cannot deal with complex anatomical variation
while fully supervised methods require a large number of voxel-wise annotations
for training, which is very labor-intensive and time-consuming. To address
these problems, we propose our Automated Peripancreatic vEssel Segmentation and
lAbeling (APESA) framework, to not only highly improve the segmentation
performance for peripancreatic veins, but also efficiently identify the
peripancreatic artery branches. There are two core modules in our proposed
APESA framework: iterative trunk growth module (ITGM) for vein segmentation and
weakly supervised labeling mechanism (WSLM) for artery branch identification.
Our proposed ITGM is composed of a series of trunk growth modules, each of
which chooses the most reliable trunk of a basic vessel prediction by the
largest connected constraint, and seeks for the possible growth branches by
branch proposal network. Our designed iterative process guides the raw trunk to
be more complete and fully connected. Our proposed WSLM consists of an
unsupervised rule-based preprocessing for generating pseudo branch annotations,
and an anatomical labeling network to learn the branch distribution voxel by
voxel. We achieve Dice of 94.01% for vein segmentation on our collected
dataset, which boosts the accuracy by nearly 10% compared with the
state-of-the-art methods. Additionally, we also achieve Dice of 97.01% on
segmentation and competitive performance on anatomical labeling for
peripancreatic arteries.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 08:51:01 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zou",
"Liwen",
""
],
[
"Cai",
"Zhenghua",
""
],
[
"Mao",
"Liang",
""
],
[
"Nie",
"Ziwei",
""
],
[
"Qiu",
"Yudong",
""
],
[
"Yang",
"Xiaoping",
""
]
] | TITLE: Automated Peripancreatic Vessel Segmentation and Labeling Based on
Iterative Trunk Growth and Weakly Supervised Mechanism
ABSTRACT: Peripancreatic vessel segmentation and anatomical labeling play extremely
important roles to assist the early diagnosis, surgery planning and prognosis
for patients with pancreatic tumors. However, most current techniques cannot
achieve satisfactory segmentation performance for peripancreatic veins and
usually make predictions with poor integrity and connectivity. Besides,
unsupervised labeling algorithms cannot deal with complex anatomical variation
while fully supervised methods require a large number of voxel-wise annotations
for training, which is very labor-intensive and time-consuming. To address
these problems, we propose our Automated Peripancreatic vEssel Segmentation and
lAbeling (APESA) framework, to not only highly improve the segmentation
performance for peripancreatic veins, but also efficiently identify the
peripancreatic artery branches. There are two core modules in our proposed
APESA framework: iterative trunk growth module (ITGM) for vein segmentation and
weakly supervised labeling mechanism (WSLM) for artery branch identification.
Our proposed ITGM is composed of a series of trunk growth modules, each of
which chooses the most reliable trunk of a basic vessel prediction by the
largest connected constraint, and seeks for the possible growth branches by
branch proposal network. Our designed iterative process guides the raw trunk to
be more complete and fully connected. Our proposed WSLM consists of an
unsupervised rule-based preprocessing for generating pseudo branch annotations,
and an anatomical labeling network to learn the branch distribution voxel by
voxel. We achieve Dice of 94.01% for vein segmentation on our collected
dataset, which boosts the accuracy by nearly 10% compared with the
state-of-the-art methods. Additionally, we also achieve Dice of 97.01% on
segmentation and competitive performance on anatomical labeling for
peripancreatic arteries.
|
2303.02984 | Florentin Guth | Zahra Kadkhodaie, Florentin Guth, St\'ephane Mallat, and Eero P
Simoncelli | Learning multi-scale local conditional probability models of images | 16 pages, 8 figures | ICLR 2023 | null | null | cs.CV cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Deep neural networks can learn powerful prior probability models for images,
as evidenced by the high-quality generations obtained with recent score-based
diffusion methods. But the means by which these networks capture complex global
statistical structure, apparently without suffering from the curse of
dimensionality, remain a mystery. To study this, we incorporate diffusion
methods into a multi-scale decomposition, reducing dimensionality by assuming a
stationary local Markov model for wavelet coefficients conditioned on
coarser-scale coefficients. We instantiate this model using convolutional
neural networks (CNNs) with local receptive fields, which enforce both the
stationarity and Markov properties. Global structures are captured using a CNN
with receptive fields covering the entire (but small) low-pass image. We test
this model on a dataset of face images, which are highly non-stationary and
contain large-scale geometric structures. Remarkably, denoising,
super-resolution, and image synthesis results all demonstrate that these
structures can be captured with significantly smaller conditioning
neighborhoods than required by a Markov model implemented in the pixel domain.
Our results show that score estimation for large complex images can be reduced
to low-dimensional Markov conditional models across scales, alleviating the
curse of dimensionality.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 09:23:14 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Kadkhodaie",
"Zahra",
""
],
[
"Guth",
"Florentin",
""
],
[
"Mallat",
"Stéphane",
""
],
[
"Simoncelli",
"Eero P",
""
]
] | TITLE: Learning multi-scale local conditional probability models of images
ABSTRACT: Deep neural networks can learn powerful prior probability models for images,
as evidenced by the high-quality generations obtained with recent score-based
diffusion methods. But the means by which these networks capture complex global
statistical structure, apparently without suffering from the curse of
dimensionality, remain a mystery. To study this, we incorporate diffusion
methods into a multi-scale decomposition, reducing dimensionality by assuming a
stationary local Markov model for wavelet coefficients conditioned on
coarser-scale coefficients. We instantiate this model using convolutional
neural networks (CNNs) with local receptive fields, which enforce both the
stationarity and Markov properties. Global structures are captured using a CNN
with receptive fields covering the entire (but small) low-pass image. We test
this model on a dataset of face images, which are highly non-stationary and
contain large-scale geometric structures. Remarkably, denoising,
super-resolution, and image synthesis results all demonstrate that these
structures can be captured with significantly smaller conditioning
neighborhoods than required by a Markov model implemented in the pixel domain.
Our results show that score estimation for large complex images can be reduced
to low-dimensional Markov conditional models across scales, alleviating the
curse of dimensionality.
|
2303.02998 | Yulin He | Yulin He, Wei Chen, Ke Liang, Yusong Tan, Zhengfa Liang, Yulan Guo | Pseudo-label Correction and Learning For Semi-Supervised Object
Detection | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Pseudo-Labeling has emerged as a simple yet effective technique for
semi-supervised object detection (SSOD). However, the inevitable noise problem
in pseudo-labels significantly degrades the performance of SSOD methods. Recent
advances effectively alleviate the classification noise in SSOD, while the
localization noise which is a non-negligible part of SSOD is not
well-addressed. In this paper, we analyse the localization noise from the
generation and learning phases, and propose two strategies, namely pseudo-label
correction and noise-unaware learning. For pseudo-label correction, we
introduce a multi-round refining method and a multi-vote weighting method. The
former iteratively refines the pseudo boxes to improve the stability of
predictions, while the latter smoothly self-corrects pseudo boxes by weighing
the scores of surrounding jittered boxes. For noise-unaware learning, we
introduce a loss weight function that is negatively correlated with the
Intersection over Union (IoU) in the regression task, which pulls the predicted
boxes closer to the object and improves localization accuracy. Our proposed
method, Pseudo-label Correction and Learning (PCL), is extensively evaluated on
the MS COCO and PASCAL VOC benchmarks. On MS COCO, PCL outperforms the
supervised baseline by 12.16, 12.11, and 9.57 mAP and the recent SOTA
(SoftTeacher) by 3.90, 2.54, and 2.43 mAP under 1\%, 5\%, and 10\% labeling
ratios, respectively. On PASCAL VOC, PCL improves the supervised baseline by
5.64 mAP and the recent SOTA (Unbiased Teacherv2) by 1.04 mAP on AP$^{50}$.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 09:54:15 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"He",
"Yulin",
""
],
[
"Chen",
"Wei",
""
],
[
"Liang",
"Ke",
""
],
[
"Tan",
"Yusong",
""
],
[
"Liang",
"Zhengfa",
""
],
[
"Guo",
"Yulan",
""
]
] | TITLE: Pseudo-label Correction and Learning For Semi-Supervised Object
Detection
ABSTRACT: Pseudo-Labeling has emerged as a simple yet effective technique for
semi-supervised object detection (SSOD). However, the inevitable noise problem
in pseudo-labels significantly degrades the performance of SSOD methods. Recent
advances effectively alleviate the classification noise in SSOD, while the
localization noise which is a non-negligible part of SSOD is not
well-addressed. In this paper, we analyse the localization noise from the
generation and learning phases, and propose two strategies, namely pseudo-label
correction and noise-unaware learning. For pseudo-label correction, we
introduce a multi-round refining method and a multi-vote weighting method. The
former iteratively refines the pseudo boxes to improve the stability of
predictions, while the latter smoothly self-corrects pseudo boxes by weighing
the scores of surrounding jittered boxes. For noise-unaware learning, we
introduce a loss weight function that is negatively correlated with the
Intersection over Union (IoU) in the regression task, which pulls the predicted
boxes closer to the object and improves localization accuracy. Our proposed
method, Pseudo-label Correction and Learning (PCL), is extensively evaluated on
the MS COCO and PASCAL VOC benchmarks. On MS COCO, PCL outperforms the
supervised baseline by 12.16, 12.11, and 9.57 mAP and the recent SOTA
(SoftTeacher) by 3.90, 2.54, and 2.43 mAP under 1\%, 5\%, and 10\% labeling
ratios, respectively. On PASCAL VOC, PCL improves the supervised baseline by
5.64 mAP and the recent SOTA (Unbiased Teacherv2) by 1.04 mAP on AP$^{50}$.
|
2303.03024 | Shuyue Wei | Shuyue Wei, Yongxin Tong, Zimu Zhou, Qiaoyang Liu, Lulu Zhang, Yuxiang
Zeng, Jieping Ye | Towards Capacity-Aware Broker Matching: From Recommendation to
Assignment | 13 pages | null | null | null | cs.DB | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Online real estate platforms are gaining increasing popularity, where a
central issue is to match brokers with clients for potential housing
transactions. Mainstream platforms match brokers via top-k recommendation. Yet
we observe through extensive data analysis that such top-k recommendation tends
to overload the top brokers, which notably degrades their service quality. In
this paper, we propose to avoid such overloading in broker matching via the
paradigm shift from recommendation to assignment. To this end, we design
learned assignment with contextual bandits (LACB), a data-driven capacity-aware
assignment scheme for broker matching which estimates broker-specific workload
capacity in an online fashion and assigns brokers to clients from a global
perspective to maximize the overall service quality. Extensive evaluations on
synthetic and real-world datasets from an industrial online real estate
platform validate the efficiency and effectiveness of our solution.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 10:50:50 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wei",
"Shuyue",
""
],
[
"Tong",
"Yongxin",
""
],
[
"Zhou",
"Zimu",
""
],
[
"Liu",
"Qiaoyang",
""
],
[
"Zhang",
"Lulu",
""
],
[
"Zeng",
"Yuxiang",
""
],
[
"Ye",
"Jieping",
""
]
] | TITLE: Towards Capacity-Aware Broker Matching: From Recommendation to
Assignment
ABSTRACT: Online real estate platforms are gaining increasing popularity, where a
central issue is to match brokers with clients for potential housing
transactions. Mainstream platforms match brokers via top-k recommendation. Yet
we observe through extensive data analysis that such top-k recommendation tends
to overload the top brokers, which notably degrades their service quality. In
this paper, we propose to avoid such overloading in broker matching via the
paradigm shift from recommendation to assignment. To this end, we design
learned assignment with contextual bandits (LACB), a data-driven capacity-aware
assignment scheme for broker matching which estimates broker-specific workload
capacity in an online fashion and assigns brokers to clients from a global
perspective to maximize the overall service quality. Extensive evaluations on
synthetic and real-world datasets from an industrial online real estate
platform validate the efficiency and effectiveness of our solution.
|
2303.03032 | Wei Li | Wei Li, Linchao Zhu, Longyin Wen, Yi Yang | DeCap: Decoding CLIP Latents for Zero-Shot Captioning via Text-Only
Training | Accepted by ICLR 2023. Code is available at
https://github.com/dhg-wei/DeCap | null | null | null | cs.CV cs.AI cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Large-scale pre-trained multi-modal models (e.g., CLIP) demonstrate strong
zero-shot transfer capability in many discriminative tasks. Their adaptation to
zero-shot image-conditioned text generation tasks has drawn increasing
interest. Prior arts approach to zero-shot captioning by either utilizing the
existing large language models (e.g., GPT-2) or pre-training the
encoder-decoder network in an end-to-end manner. In this work, we propose a
simple framework, named DeCap, for zero-shot captioning. We introduce a
lightweight visual-aware language decoder. This decoder is both data-efficient
and computation-efficient: 1) it only requires the text data for training,
easing the burden on the collection of paired data. 2) it does not require
end-to-end training. When trained with text-only data, the decoder takes the
text embedding extracted from the off-the-shelf CLIP encoder as a prefix
embedding. The challenge is that the decoder is trained on the text corpus but
at the inference stage, it needs to generate captions based on visual inputs.
The modality gap issue is widely observed in multi-modal contrastive models
that prevents us from directly taking the visual embedding as the prefix
embedding. We propose a training-free mechanism to reduce the modality gap. We
project the visual embedding into the CLIP text embedding space, while the
projected embedding retains the information of the visual input. Taking the
projected embedding as the prefix embedding, the decoder generates high-quality
descriptions that match the visual input. The experiments show that DeCap
outperforms other zero-shot captioning methods and unpaired captioning methods
on the typical image captioning benchmarks, i.e., MSCOCO and NoCaps.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 11:02:47 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Wei",
""
],
[
"Zhu",
"Linchao",
""
],
[
"Wen",
"Longyin",
""
],
[
"Yang",
"Yi",
""
]
] | TITLE: DeCap: Decoding CLIP Latents for Zero-Shot Captioning via Text-Only
Training
ABSTRACT: Large-scale pre-trained multi-modal models (e.g., CLIP) demonstrate strong
zero-shot transfer capability in many discriminative tasks. Their adaptation to
zero-shot image-conditioned text generation tasks has drawn increasing
interest. Prior arts approach to zero-shot captioning by either utilizing the
existing large language models (e.g., GPT-2) or pre-training the
encoder-decoder network in an end-to-end manner. In this work, we propose a
simple framework, named DeCap, for zero-shot captioning. We introduce a
lightweight visual-aware language decoder. This decoder is both data-efficient
and computation-efficient: 1) it only requires the text data for training,
easing the burden on the collection of paired data. 2) it does not require
end-to-end training. When trained with text-only data, the decoder takes the
text embedding extracted from the off-the-shelf CLIP encoder as a prefix
embedding. The challenge is that the decoder is trained on the text corpus but
at the inference stage, it needs to generate captions based on visual inputs.
The modality gap issue is widely observed in multi-modal contrastive models
that prevents us from directly taking the visual embedding as the prefix
embedding. We propose a training-free mechanism to reduce the modality gap. We
project the visual embedding into the CLIP text embedding space, while the
projected embedding retains the information of the visual input. Taking the
projected embedding as the prefix embedding, the decoder generates high-quality
descriptions that match the visual input. The experiments show that DeCap
outperforms other zero-shot captioning methods and unpaired captioning methods
on the typical image captioning benchmarks, i.e., MSCOCO and NoCaps.
|
2303.03036 | Yuhui Zhang | Yuhui Zhang, Yuichiro Wada, Hiroki Waida, Kaito Goto, Yusaku Hino,
Takafumi Kanamori | Deep Clustering with a Constraint for Topological Invariance based on
Symmetric InfoNCE | 48 pages, 6 figures | null | null | null | stat.ML cs.LG | http://creativecommons.org/licenses/by/4.0/ | We consider the scenario of deep clustering, in which the available prior
knowledge is limited. In this scenario, few existing state-of-the-art deep
clustering methods can perform well for both non-complex topology and complex
topology datasets. To address the problem, we propose a constraint utilizing
symmetric InfoNCE, which helps an objective of deep clustering method in the
scenario train the model so as to be efficient for not only non-complex
topology but also complex topology datasets. Additionally, we provide several
theoretical explanations of the reason why the constraint can enhances
performance of deep clustering methods. To confirm the effectiveness of the
proposed constraint, we introduce a deep clustering method named MIST, which is
a combination of an existing deep clustering method and our constraint. Our
numerical experiments via MIST demonstrate that the constraint is effective. In
addition, MIST outperforms other state-of-the-art deep clustering methods for
most of the commonly used ten benchmark datasets.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 11:05:21 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"Yuhui",
""
],
[
"Wada",
"Yuichiro",
""
],
[
"Waida",
"Hiroki",
""
],
[
"Goto",
"Kaito",
""
],
[
"Hino",
"Yusaku",
""
],
[
"Kanamori",
"Takafumi",
""
]
] | TITLE: Deep Clustering with a Constraint for Topological Invariance based on
Symmetric InfoNCE
ABSTRACT: We consider the scenario of deep clustering, in which the available prior
knowledge is limited. In this scenario, few existing state-of-the-art deep
clustering methods can perform well for both non-complex topology and complex
topology datasets. To address the problem, we propose a constraint utilizing
symmetric InfoNCE, which helps an objective of deep clustering method in the
scenario train the model so as to be efficient for not only non-complex
topology but also complex topology datasets. Additionally, we provide several
theoretical explanations of the reason why the constraint can enhances
performance of deep clustering methods. To confirm the effectiveness of the
proposed constraint, we introduce a deep clustering method named MIST, which is
a combination of an existing deep clustering method and our constraint. Our
numerical experiments via MIST demonstrate that the constraint is effective. In
addition, MIST outperforms other state-of-the-art deep clustering methods for
most of the commonly used ten benchmark datasets.
|
2303.03041 | Jia Yang | Cheng Chuanxiang, Yang Jia, Wang Chao, Zheng Zhi, Li Xiaopeng, Dong
Di, Chang Mengxia, Zhuang Zhiheng | Automatic detection of aerial survey ground control points based on
Yolov5-OBB | 6 pages, 4 figures | null | null | null | cs.CV cs.AI | http://creativecommons.org/licenses/by-sa/4.0/ | The use of ground control points (GCPs) for georeferencing is the most common
strategy in unmanned aerial vehicle (UAV) photogrammetry, but at the same time
their collection represents the most time-consuming and expensive part of UAV
campaigns. Recently, deep learning has been rapidly developed in the field of
small object detection. In this letter, to automatically extract coordinates
information of ground control points (GCPs) by detecting GCP-markers in UAV
images, we propose a solution that uses a deep learning-based architecture,
YOLOv5-OBB, combined with a confidence threshold filtering algorithm and an
optimal ranking algorithm. We applied our proposed method to a dataset
collected by DJI Phantom 4 Pro drone and obtained good detection performance
with the mean Average Precision (AP) of 0.832 and the highest AP of 0.982 for
the cross-type GCP-markers. The proposed method can be a promising tool for
future implementation of the end-to-end aerial triangulation process.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 11:13:23 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Chuanxiang",
"Cheng",
""
],
[
"Jia",
"Yang",
""
],
[
"Chao",
"Wang",
""
],
[
"Zhi",
"Zheng",
""
],
[
"Xiaopeng",
"Li",
""
],
[
"Di",
"Dong",
""
],
[
"Mengxia",
"Chang",
""
],
[
"Zhiheng",
"Zhuang",
""
]
] | TITLE: Automatic detection of aerial survey ground control points based on
Yolov5-OBB
ABSTRACT: The use of ground control points (GCPs) for georeferencing is the most common
strategy in unmanned aerial vehicle (UAV) photogrammetry, but at the same time
their collection represents the most time-consuming and expensive part of UAV
campaigns. Recently, deep learning has been rapidly developed in the field of
small object detection. In this letter, to automatically extract coordinates
information of ground control points (GCPs) by detecting GCP-markers in UAV
images, we propose a solution that uses a deep learning-based architecture,
YOLOv5-OBB, combined with a confidence threshold filtering algorithm and an
optimal ranking algorithm. We applied our proposed method to a dataset
collected by DJI Phantom 4 Pro drone and obtained good detection performance
with the mean Average Precision (AP) of 0.832 and the highest AP of 0.982 for
the cross-type GCP-markers. The proposed method can be a promising tool for
future implementation of the end-to-end aerial triangulation process.
|
2303.03050 | Rohit Agarwal | Rohit Agarwal, Gyanendra Das, Saksham Aggarwal, Alexander Horsch,
Dilip K. Prasad | MABNet: Master Assistant Buddy Network with Hybrid Learning for Image
Retrieval | Accepted at International Conference on Acoustics, Speech, and Signal
Processing (ICASSP) 2023 | null | null | null | cs.CV cs.AI cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Image retrieval has garnered growing interest in recent times. The current
approaches are either supervised or self-supervised. These methods do not
exploit the benefits of hybrid learning using both supervision and
self-supervision. We present a novel Master Assistant Buddy Network (MABNet)
for image retrieval which incorporates both learning mechanisms. MABNet
consists of master and assistant blocks, both learning independently through
supervision and collectively via self-supervision. The master guides the
assistant by providing its knowledge base as a reference for self-supervision
and the assistant reports its knowledge back to the master by weight transfer.
We perform extensive experiments on public datasets with and without
post-processing.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 11:46:58 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Agarwal",
"Rohit",
""
],
[
"Das",
"Gyanendra",
""
],
[
"Aggarwal",
"Saksham",
""
],
[
"Horsch",
"Alexander",
""
],
[
"Prasad",
"Dilip K.",
""
]
] | TITLE: MABNet: Master Assistant Buddy Network with Hybrid Learning for Image
Retrieval
ABSTRACT: Image retrieval has garnered growing interest in recent times. The current
approaches are either supervised or self-supervised. These methods do not
exploit the benefits of hybrid learning using both supervision and
self-supervision. We present a novel Master Assistant Buddy Network (MABNet)
for image retrieval which incorporates both learning mechanisms. MABNet
consists of master and assistant blocks, both learning independently through
supervision and collectively via self-supervision. The master guides the
assistant by providing its knowledge base as a reference for self-supervision
and the assistant reports its knowledge back to the master by weight transfer.
We perform extensive experiments on public datasets with and without
post-processing.
|
2303.03073 | Sobin Joseph | Sobin Joseph and Shashi Jain | A neural network based model for multi-dimensional nonlinear Hawkes
processes | null | null | null | null | stat.ML cs.LG q-fin.ST | http://creativecommons.org/licenses/by-nc-sa/4.0/ | This paper introduces the Neural Network for Nonlinear Hawkes processes
(NNNH), a non-parametric method based on neural networks to fit nonlinear
Hawkes processes. Our method is suitable for analyzing large datasets in which
events exhibit both mutually-exciting and inhibitive patterns. The NNNH
approach models the individual kernels and the base intensity of the nonlinear
Hawkes process using feed forward neural networks and jointly calibrates the
parameters of the networks by maximizing the log-likelihood function. We
utilize Stochastic Gradient Descent to search for the optimal parameters and
propose an unbiased estimator for the gradient, as well as an efficient
computation method. We demonstrate the flexibility and accuracy of our method
through numerical experiments on both simulated and real-world data, and
compare it with state-of-the-art methods. Our results highlight the
effectiveness of the NNNH method in accurately capturing the complexities of
nonlinear Hawkes processes.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 12:31:19 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Joseph",
"Sobin",
""
],
[
"Jain",
"Shashi",
""
]
] | TITLE: A neural network based model for multi-dimensional nonlinear Hawkes
processes
ABSTRACT: This paper introduces the Neural Network for Nonlinear Hawkes processes
(NNNH), a non-parametric method based on neural networks to fit nonlinear
Hawkes processes. Our method is suitable for analyzing large datasets in which
events exhibit both mutually-exciting and inhibitive patterns. The NNNH
approach models the individual kernels and the base intensity of the nonlinear
Hawkes process using feed forward neural networks and jointly calibrates the
parameters of the networks by maximizing the log-likelihood function. We
utilize Stochastic Gradient Descent to search for the optimal parameters and
propose an unbiased estimator for the gradient, as well as an efficient
computation method. We demonstrate the flexibility and accuracy of our method
through numerical experiments on both simulated and real-world data, and
compare it with state-of-the-art methods. Our results highlight the
effectiveness of the NNNH method in accurately capturing the complexities of
nonlinear Hawkes processes.
|
2303.03094 | Jan Brabec | Radovan Halu\v{s}ka, Jan Brabec and Tom\'a\v{s} Kom\'arek | Benchmark of Data Preprocessing Methods for Imbalanced Classification | Published at 2022 IEEE International Conference on Big Data (Big
Data) 2022. Extended version with full results in appendix | null | 10.1109/BigData55660.2022.10021118 | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Severe class imbalance is one of the main conditions that make machine
learning in cybersecurity difficult. A variety of dataset preprocessing methods
have been introduced over the years. These methods modify the training dataset
by oversampling, undersampling or a combination of both to improve the
predictive performance of classifiers trained on this dataset. Although these
methods are used in cybersecurity occasionally, a comprehensive, unbiased
benchmark comparing their performance over a variety of cybersecurity problems
is missing. This paper presents a benchmark of 16 preprocessing methods on six
cybersecurity datasets together with 17 public imbalanced datasets from other
domains. We test the methods under multiple hyperparameter configurations and
use an AutoML system to train classifiers on the preprocessed datasets, which
reduces potential bias from specific hyperparameter or classifier choices.
Special consideration is also given to evaluating the methods using appropriate
performance measures that are good proxies for practical performance in
real-world cybersecurity systems. The main findings of our study are: 1) Most
of the time, a data preprocessing method that improves classification
performance exists. 2) Baseline approach of doing nothing outperformed a large
portion of methods in the benchmark. 3) Oversampling methods generally
outperform undersampling methods. 4) The most significant performance gains are
brought by the standard SMOTE algorithm and more complicated methods provide
mainly incremental improvements at the cost of often worse computational
performance.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 13:12:43 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Haluška",
"Radovan",
""
],
[
"Brabec",
"Jan",
""
],
[
"Komárek",
"Tomáš",
""
]
] | TITLE: Benchmark of Data Preprocessing Methods for Imbalanced Classification
ABSTRACT: Severe class imbalance is one of the main conditions that make machine
learning in cybersecurity difficult. A variety of dataset preprocessing methods
have been introduced over the years. These methods modify the training dataset
by oversampling, undersampling or a combination of both to improve the
predictive performance of classifiers trained on this dataset. Although these
methods are used in cybersecurity occasionally, a comprehensive, unbiased
benchmark comparing their performance over a variety of cybersecurity problems
is missing. This paper presents a benchmark of 16 preprocessing methods on six
cybersecurity datasets together with 17 public imbalanced datasets from other
domains. We test the methods under multiple hyperparameter configurations and
use an AutoML system to train classifiers on the preprocessed datasets, which
reduces potential bias from specific hyperparameter or classifier choices.
Special consideration is also given to evaluating the methods using appropriate
performance measures that are good proxies for practical performance in
real-world cybersecurity systems. The main findings of our study are: 1) Most
of the time, a data preprocessing method that improves classification
performance exists. 2) Baseline approach of doing nothing outperformed a large
portion of methods in the benchmark. 3) Oversampling methods generally
outperform undersampling methods. 4) The most significant performance gains are
brought by the standard SMOTE algorithm and more complicated methods provide
mainly incremental improvements at the cost of often worse computational
performance.
|
2303.03127 | Mohamed Ali Souibgui | Sana Khamekhem Jemni, Sourour Ammar, Mohamed Ali Souibgui, Yousri
Kessentini, Abbas Cheddad | ST-KeyS: Self-Supervised Transformer for Keyword Spotting in Historical
Handwritten Documents | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Keyword spotting (KWS) in historical documents is an important tool for the
initial exploration of digitized collections. Nowadays, the most efficient KWS
methods are relying on machine learning techniques that require a large amount
of annotated training data. However, in the case of historical manuscripts,
there is a lack of annotated corpus for training. To handle the data scarcity
issue, we investigate the merits of the self-supervised learning to extract
useful representations of the input data without relying on human annotations
and then using these representations in the downstream task. We propose
ST-KeyS, a masked auto-encoder model based on vision transformers where the
pretraining stage is based on the mask-and-predict paradigm, without the need
of labeled data. In the fine-tuning stage, the pre-trained encoder is
integrated into a siamese neural network model that is fine-tuned to improve
feature embedding from the input images. We further improve the image
representation using pyramidal histogram of characters (PHOC) embedding to
create and exploit an intermediate representation of images based on text
attributes. In an exhaustive experimental evaluation on three widely used
benchmark datasets (Botany, Alvermann Konzilsprotokolle and George Washington),
the proposed approach outperforms state-of-the-art methods trained on the same
datasets.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 13:39:41 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Jemni",
"Sana Khamekhem",
""
],
[
"Ammar",
"Sourour",
""
],
[
"Souibgui",
"Mohamed Ali",
""
],
[
"Kessentini",
"Yousri",
""
],
[
"Cheddad",
"Abbas",
""
]
] | TITLE: ST-KeyS: Self-Supervised Transformer for Keyword Spotting in Historical
Handwritten Documents
ABSTRACT: Keyword spotting (KWS) in historical documents is an important tool for the
initial exploration of digitized collections. Nowadays, the most efficient KWS
methods are relying on machine learning techniques that require a large amount
of annotated training data. However, in the case of historical manuscripts,
there is a lack of annotated corpus for training. To handle the data scarcity
issue, we investigate the merits of the self-supervised learning to extract
useful representations of the input data without relying on human annotations
and then using these representations in the downstream task. We propose
ST-KeyS, a masked auto-encoder model based on vision transformers where the
pretraining stage is based on the mask-and-predict paradigm, without the need
of labeled data. In the fine-tuning stage, the pre-trained encoder is
integrated into a siamese neural network model that is fine-tuned to improve
feature embedding from the input images. We further improve the image
representation using pyramidal histogram of characters (PHOC) embedding to
create and exploit an intermediate representation of images based on text
attributes. In an exhaustive experimental evaluation on three widely used
benchmark datasets (Botany, Alvermann Konzilsprotokolle and George Washington),
the proposed approach outperforms state-of-the-art methods trained on the same
datasets.
|
2303.03140 | Elisabetta Biasin | Elisabetta Biasin, Erik Kamenjasevic, Kaspar Rosager Ludvigsen | Cybersecurity of AI medical devices: risks, legislation, and challenges | null | null | null | null | cs.CR cs.AI cs.CY | http://creativecommons.org/licenses/by/4.0/ | Medical devices and artificial intelligence systems rapidly transform
healthcare provisions. At the same time, due to their nature, AI in or as
medical devices might get exposed to cyberattacks, leading to patient safety
and security risks. This book chapter is divided into three parts. The first
part starts by setting the scene where we explain the role of cybersecurity in
healthcare. Then, we briefly define what we refer to when we talk about AI that
is considered a medical device by itself or supports one. To illustrate the
risks such medical devices pose, we provide three examples: the poisoning of
datasets, social engineering, and data or source code extraction. In the second
part, the paper provides an overview of the European Union's regulatory
framework relevant for ensuring the cybersecurity of AI as or in medical
devices (MDR, NIS Directive, Cybersecurity Act, GDPR, the AI Act proposal and
the NIS 2 Directive proposal). Finally, the third part of the paper examines
possible challenges stemming from the EU regulatory framework. In particular,
we look toward the challenges deriving from the two legislative proposals and
their interaction with the existing legislation concerning AI medical devices'
cybersecurity. They are structured as answers to the following questions: (1)
how will the AI Act interact with the MDR regarding the cybersecurity and
safety requirements?; (2) how should we interpret incident notification
requirements from the NIS 2 Directive proposal and MDR?; and (3) what are the
consequences of the evolving term of critical infrastructures?
[This is a draft chapter. The final version will be available in Research
Handbook on Health, AI and the Law edited by Barry Solaiman & I. Glenn Cohen,
forthcoming 2023, Edward Elgar Publishing Ltd]
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 13:55:57 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Biasin",
"Elisabetta",
""
],
[
"Kamenjasevic",
"Erik",
""
],
[
"Ludvigsen",
"Kaspar Rosager",
""
]
] | TITLE: Cybersecurity of AI medical devices: risks, legislation, and challenges
ABSTRACT: Medical devices and artificial intelligence systems rapidly transform
healthcare provisions. At the same time, due to their nature, AI in or as
medical devices might get exposed to cyberattacks, leading to patient safety
and security risks. This book chapter is divided into three parts. The first
part starts by setting the scene where we explain the role of cybersecurity in
healthcare. Then, we briefly define what we refer to when we talk about AI that
is considered a medical device by itself or supports one. To illustrate the
risks such medical devices pose, we provide three examples: the poisoning of
datasets, social engineering, and data or source code extraction. In the second
part, the paper provides an overview of the European Union's regulatory
framework relevant for ensuring the cybersecurity of AI as or in medical
devices (MDR, NIS Directive, Cybersecurity Act, GDPR, the AI Act proposal and
the NIS 2 Directive proposal). Finally, the third part of the paper examines
possible challenges stemming from the EU regulatory framework. In particular,
we look toward the challenges deriving from the two legislative proposals and
their interaction with the existing legislation concerning AI medical devices'
cybersecurity. They are structured as answers to the following questions: (1)
how will the AI Act interact with the MDR regarding the cybersecurity and
safety requirements?; (2) how should we interpret incident notification
requirements from the NIS 2 Directive proposal and MDR?; and (3) what are the
consequences of the evolving term of critical infrastructures?
[This is a draft chapter. The final version will be available in Research
Handbook on Health, AI and the Law edited by Barry Solaiman & I. Glenn Cohen,
forthcoming 2023, Edward Elgar Publishing Ltd]
|
2303.03166 | Zhou Yang | Qing Song, Yang Zhou, Mengjie Hu, Chun Liu | Faster Learning of Temporal Action Proposal via Sparse Multilevel
Boundary Generator | 18 pages, 5 figures | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Temporal action localization in videos presents significant challenges in the
field of computer vision. While the boundary-sensitive method has been widely
adopted, its limitations include incomplete use of intermediate and global
information, as well as an inefficient proposal feature generator. To address
these challenges, we propose a novel framework, Sparse Multilevel Boundary
Generator (SMBG), which enhances the boundary-sensitive method with boundary
classification and action completeness regression. SMBG features a multi-level
boundary module that enables faster processing by gathering boundary
information at different lengths. Additionally, we introduce a sparse
extraction confidence head that distinguishes information inside and outside
the action, further optimizing the proposal feature generator. To improve the
synergy between multiple branches and balance positive and negative samples, we
propose a global guidance loss. Our method is evaluated on two popular
benchmarks, ActivityNet-1.3 and THUMOS14, and is shown to achieve
state-of-the-art performance, with a better inference speed (2.47xBSN++,
2.12xDBG). These results demonstrate that SMBG provides a more efficient and
simple solution for generating temporal action proposals. Our proposed
framework has the potential to advance the field of computer vision and enhance
the accuracy and speed of temporal action localization in video analysis.The
code and models are made available at
\url{https://github.com/zhouyang-001/SMBG-for-temporal-action-proposal}.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 14:26:56 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Song",
"Qing",
""
],
[
"Zhou",
"Yang",
""
],
[
"Hu",
"Mengjie",
""
],
[
"Liu",
"Chun",
""
]
] | TITLE: Faster Learning of Temporal Action Proposal via Sparse Multilevel
Boundary Generator
ABSTRACT: Temporal action localization in videos presents significant challenges in the
field of computer vision. While the boundary-sensitive method has been widely
adopted, its limitations include incomplete use of intermediate and global
information, as well as an inefficient proposal feature generator. To address
these challenges, we propose a novel framework, Sparse Multilevel Boundary
Generator (SMBG), which enhances the boundary-sensitive method with boundary
classification and action completeness regression. SMBG features a multi-level
boundary module that enables faster processing by gathering boundary
information at different lengths. Additionally, we introduce a sparse
extraction confidence head that distinguishes information inside and outside
the action, further optimizing the proposal feature generator. To improve the
synergy between multiple branches and balance positive and negative samples, we
propose a global guidance loss. Our method is evaluated on two popular
benchmarks, ActivityNet-1.3 and THUMOS14, and is shown to achieve
state-of-the-art performance, with a better inference speed (2.47xBSN++,
2.12xDBG). These results demonstrate that SMBG provides a more efficient and
simple solution for generating temporal action proposals. Our proposed
framework has the potential to advance the field of computer vision and enhance
the accuracy and speed of temporal action localization in video analysis.The
code and models are made available at
\url{https://github.com/zhouyang-001/SMBG-for-temporal-action-proposal}.
|
2303.03171 | Yunbin Tu | Yunbin Tu, Liang Li, Li Su, Ke Lu, Qingming Huang | Neighborhood Contrastive Transformer for Change Captioning | Accepted by IEEE TMM | null | null | null | cs.CV cs.CL cs.MM | http://creativecommons.org/licenses/by/4.0/ | Change captioning is to describe the semantic change between a pair of
similar images in natural language. It is more challenging than general image
captioning, because it requires capturing fine-grained change information while
being immune to irrelevant viewpoint changes, and solving syntax ambiguity in
change descriptions. In this paper, we propose a neighborhood contrastive
transformer to improve the model's perceiving ability for various changes under
different scenes and cognition ability for complex syntax structure.
Concretely, we first design a neighboring feature aggregating to integrate
neighboring context into each feature, which helps quickly locate the
inconspicuous changes under the guidance of conspicuous referents. Then, we
devise a common feature distilling to compare two images at neighborhood level
and extract common properties from each image, so as to learn effective
contrastive information between them. Finally, we introduce the explicit
dependencies between words to calibrate the transformer decoder, which helps
better understand complex syntax structure during training. Extensive
experimental results demonstrate that the proposed method achieves the
state-of-the-art performance on three public datasets with different change
scenarios. The code is available at https://github.com/tuyunbin/NCT.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 14:39:54 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Tu",
"Yunbin",
""
],
[
"Li",
"Liang",
""
],
[
"Su",
"Li",
""
],
[
"Lu",
"Ke",
""
],
[
"Huang",
"Qingming",
""
]
] | TITLE: Neighborhood Contrastive Transformer for Change Captioning
ABSTRACT: Change captioning is to describe the semantic change between a pair of
similar images in natural language. It is more challenging than general image
captioning, because it requires capturing fine-grained change information while
being immune to irrelevant viewpoint changes, and solving syntax ambiguity in
change descriptions. In this paper, we propose a neighborhood contrastive
transformer to improve the model's perceiving ability for various changes under
different scenes and cognition ability for complex syntax structure.
Concretely, we first design a neighboring feature aggregating to integrate
neighboring context into each feature, which helps quickly locate the
inconspicuous changes under the guidance of conspicuous referents. Then, we
devise a common feature distilling to compare two images at neighborhood level
and extract common properties from each image, so as to learn effective
contrastive information between them. Finally, we introduce the explicit
dependencies between words to calibrate the transformer decoder, which helps
better understand complex syntax structure during training. Extensive
experimental results demonstrate that the proposed method achieves the
state-of-the-art performance on three public datasets with different change
scenarios. The code is available at https://github.com/tuyunbin/NCT.
|
2303.03179 | Jiahao Li | Jiahao Li | Metamorphic Testing for Smart Contract Vulnerabilities Detection | null | null | null | null | cs.SE | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Despite the rapid growth of smart contracts, they are suffering numerous
security vulnerabilities due to the absence of reliable development and
testing. In this article, we apply the metamorphic testing technique to detect
smart contract vulnerabilities. Based on the anomalies we observed in
vulnerable smart contracts, we define five metamorphic relations to detect
abnormal gas consumption and account interaction inconsistency of the target
smart contract. Through dynamically executing transactions and checking the
final violation of metamorphic relations, we determine whether a smart contract
is vulnerable. We evaluate our approach on a benchmark of 67 manually annotated
smart contracts. The experimental results show that our approach achieves a
higher detection rate (TPR, true positive rate) with a lower misreport rate
(FDR, false discovery rate) than the other three state-of-the-art tools. These
results further suggest that metamorphic testing is a promising method for
detecting smart contract vulnerabilities.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 14:48:16 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Jiahao",
""
]
] | TITLE: Metamorphic Testing for Smart Contract Vulnerabilities Detection
ABSTRACT: Despite the rapid growth of smart contracts, they are suffering numerous
security vulnerabilities due to the absence of reliable development and
testing. In this article, we apply the metamorphic testing technique to detect
smart contract vulnerabilities. Based on the anomalies we observed in
vulnerable smart contracts, we define five metamorphic relations to detect
abnormal gas consumption and account interaction inconsistency of the target
smart contract. Through dynamically executing transactions and checking the
final violation of metamorphic relations, we determine whether a smart contract
is vulnerable. We evaluate our approach on a benchmark of 67 manually annotated
smart contracts. The experimental results show that our approach achieves a
higher detection rate (TPR, true positive rate) with a lower misreport rate
(FDR, false discovery rate) than the other three state-of-the-art tools. These
results further suggest that metamorphic testing is a promising method for
detecting smart contract vulnerabilities.
|
2303.03185 | Rafael Rosales | Rafael Rosales, Peter Popov, Michael Paulitsch | Evaluation of Confidence-based Ensembling in Deep Learning Image
Classification | null | null | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | Ensembling is a successful technique to improve the performance of machine
learning (ML) models.
Conf-Ensemble is an adaptation to Boosting to create ensembles based on model
confidence instead of model errors to better classify difficult edge-cases. The
key idea is to create successive model experts for samples that were difficult
(not necessarily incorrectly classified) by the preceding model. This technique
has been shown to provide better results than boosting in binary-classification
with a small feature space (~80 features).
In this paper, we evaluate the Conf-Ensemble approach in the much more
complex task of image classification with the ImageNet dataset (224x224x3
features with 1000 classes). Image classification is an important benchmark for
AI-based perception and thus it helps to assess if this method can be used in
safety-critical applications using ML ensembles.
Our experiments indicate that in a complex multi-label classification task,
the expected benefit of specialization on complex input samples cannot be
achieved with a small sample set, i.e., a good classifier seems to rely on very
complex feature analysis that cannot be well trained on just a limited subset
of "difficult samples".
We propose an improvement to Conf-Ensemble to increase the number of samples
fed to successive ensemble members, and a three-member Conf-Ensemble using this
improvement was able to surpass a single model in accuracy, although the amount
is not significant. Our findings shed light on the limits of the approach and
the non-triviality of harnessing big data.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 16:29:22 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Rosales",
"Rafael",
""
],
[
"Popov",
"Peter",
""
],
[
"Paulitsch",
"Michael",
""
]
] | TITLE: Evaluation of Confidence-based Ensembling in Deep Learning Image
Classification
ABSTRACT: Ensembling is a successful technique to improve the performance of machine
learning (ML) models.
Conf-Ensemble is an adaptation to Boosting to create ensembles based on model
confidence instead of model errors to better classify difficult edge-cases. The
key idea is to create successive model experts for samples that were difficult
(not necessarily incorrectly classified) by the preceding model. This technique
has been shown to provide better results than boosting in binary-classification
with a small feature space (~80 features).
In this paper, we evaluate the Conf-Ensemble approach in the much more
complex task of image classification with the ImageNet dataset (224x224x3
features with 1000 classes). Image classification is an important benchmark for
AI-based perception and thus it helps to assess if this method can be used in
safety-critical applications using ML ensembles.
Our experiments indicate that in a complex multi-label classification task,
the expected benefit of specialization on complex input samples cannot be
achieved with a small sample set, i.e., a good classifier seems to rely on very
complex feature analysis that cannot be well trained on just a limited subset
of "difficult samples".
We propose an improvement to Conf-Ensemble to increase the number of samples
fed to successive ensemble members, and a three-member Conf-Ensemble using this
improvement was able to surpass a single model in accuracy, although the amount
is not significant. Our findings shed light on the limits of the approach and
the non-triviality of harnessing big data.
|
2303.03187 | Wenchang Ma | An Zhang, Fangfu Liu, Wenchang Ma, Zhibo Cai, Xiang Wang, Tat-seng
Chua | Boosting Differentiable Causal Discovery via Adaptive Sample Reweighting | In proceedings of ICLR 2023 | null | null | null | cs.LG stat.ML | http://creativecommons.org/licenses/by/4.0/ | Under stringent model type and variable distribution assumptions,
differentiable score-based causal discovery methods learn a directed acyclic
graph (DAG) from observational data by evaluating candidate graphs over an
average score function. Despite great success in low-dimensional linear
systems, it has been observed that these approaches overly exploit
easier-to-fit samples, thus inevitably learning spurious edges. Worse still,
inherent mostly in these methods the common homogeneity assumption can be
easily violated, due to the widespread existence of heterogeneous data in the
real world, resulting in performance vulnerability when noise distributions
vary. We propose a simple yet effective model-agnostic framework to boost
causal discovery performance by dynamically learning the adaptive weights for
the Reweighted Score function, ReScore for short, where the weights tailor
quantitatively to the importance degree of each sample. Intuitively, we
leverage the bilevel optimization scheme to \wx{alternately train a standard
DAG learner and reweight samples -- that is, upweight the samples the learner
fails to fit and downweight the samples that the learner easily extracts the
spurious information from. Extensive experiments on both synthetic and
real-world datasets are carried out to validate the effectiveness of ReScore.
We observe consistent and significant boosts in structure learning performance.
Furthermore, we visualize that ReScore concurrently mitigates the influence of
spurious edges and generalizes to heterogeneous data. Finally, we perform the
theoretical analysis to guarantee the structure identifiability and the weight
adaptive properties of ReScore in linear systems. Our codes are available at
https://github.com/anzhang314/ReScore.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 14:49:59 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Zhang",
"An",
""
],
[
"Liu",
"Fangfu",
""
],
[
"Ma",
"Wenchang",
""
],
[
"Cai",
"Zhibo",
""
],
[
"Wang",
"Xiang",
""
],
[
"Chua",
"Tat-seng",
""
]
] | TITLE: Boosting Differentiable Causal Discovery via Adaptive Sample Reweighting
ABSTRACT: Under stringent model type and variable distribution assumptions,
differentiable score-based causal discovery methods learn a directed acyclic
graph (DAG) from observational data by evaluating candidate graphs over an
average score function. Despite great success in low-dimensional linear
systems, it has been observed that these approaches overly exploit
easier-to-fit samples, thus inevitably learning spurious edges. Worse still,
inherent mostly in these methods the common homogeneity assumption can be
easily violated, due to the widespread existence of heterogeneous data in the
real world, resulting in performance vulnerability when noise distributions
vary. We propose a simple yet effective model-agnostic framework to boost
causal discovery performance by dynamically learning the adaptive weights for
the Reweighted Score function, ReScore for short, where the weights tailor
quantitatively to the importance degree of each sample. Intuitively, we
leverage the bilevel optimization scheme to \wx{alternately train a standard
DAG learner and reweight samples -- that is, upweight the samples the learner
fails to fit and downweight the samples that the learner easily extracts the
spurious information from. Extensive experiments on both synthetic and
real-world datasets are carried out to validate the effectiveness of ReScore.
We observe consistent and significant boosts in structure learning performance.
Furthermore, we visualize that ReScore concurrently mitigates the influence of
spurious edges and generalizes to heterogeneous data. Finally, we perform the
theoretical analysis to guarantee the structure identifiability and the weight
adaptive properties of ReScore in linear systems. Our codes are available at
https://github.com/anzhang314/ReScore.
|
2303.03195 | Atsuyoshi Nakamura | Atsuyoshi Nakamura | Query Learning Algorithm for Ordered Multi-Terminal Binary Decision
Diagrams | null | null | null | null | cs.LG cs.DM | http://creativecommons.org/licenses/by/4.0/ | We propose a query learning algorithm for ordered multi-terminal binary
decision diagrams (OMTBDDs) using at most n equivalence and 2n(l\lcei\log_2
m\rceil+ 3n) membership queries by extending the algorithm for ordered binary
decision diagrams (OBDDs). Tightness of our upper bounds is checked in our
experiments using synthetically generated target OMTBDDs. Possibility of
applying our algorithm to classification problems is also indicated in our
other experiments using datasets of UCI Machine Learning Repository.
| [
{
"version": "v1",
"created": "Fri, 3 Mar 2023 02:59:29 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Nakamura",
"Atsuyoshi",
""
]
] | TITLE: Query Learning Algorithm for Ordered Multi-Terminal Binary Decision
Diagrams
ABSTRACT: We propose a query learning algorithm for ordered multi-terminal binary
decision diagrams (OMTBDDs) using at most n equivalence and 2n(l\lcei\log_2
m\rceil+ 3n) membership queries by extending the algorithm for ordered binary
decision diagrams (OBDDs). Tightness of our upper bounds is checked in our
experiments using synthetically generated target OMTBDDs. Possibility of
applying our algorithm to classification problems is also indicated in our
other experiments using datasets of UCI Machine Learning Repository.
|
2303.03267 | Soujanya Poria | Yingting Li, Ambuj Mehrish, Shuai Zhao, Rishabh Bhardwaj, Amir Zadeh,
Navonil Majumder, Rada Mihalcea, Soujanya Poria | Evaluating Parameter-Efficient Transfer Learning Approaches on SURE
Benchmark for Speech Understanding | ICASSP 2023 | null | null | null | cs.CL cs.SD eess.AS | http://creativecommons.org/licenses/by-sa/4.0/ | Fine-tuning is widely used as the default algorithm for transfer learning
from pre-trained models. Parameter inefficiency can however arise when, during
transfer learning, all the parameters of a large pre-trained model need to be
updated for individual downstream tasks. As the number of parameters grows,
fine-tuning is prone to overfitting and catastrophic forgetting. In addition,
full fine-tuning can become prohibitively expensive when the model is used for
many tasks. To mitigate this issue, parameter-efficient transfer learning
algorithms, such as adapters and prefix tuning, have been proposed as a way to
introduce a few trainable parameters that can be plugged into large pre-trained
language models such as BERT, and HuBERT. In this paper, we introduce the
Speech UndeRstanding Evaluation (SURE) benchmark for parameter-efficient
learning for various speech-processing tasks. Additionally, we introduce a new
adapter, ConvAdapter, based on 1D convolution. We show that ConvAdapter
outperforms the standard adapters while showing comparable performance against
prefix tuning and LoRA with only 0.94% of trainable parameters on some of the
task in SURE. We further explore the effectiveness of parameter efficient
transfer learning for speech synthesis task such as Text-to-Speech (TTS).
| [
{
"version": "v1",
"created": "Thu, 2 Mar 2023 08:57:33 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Li",
"Yingting",
""
],
[
"Mehrish",
"Ambuj",
""
],
[
"Zhao",
"Shuai",
""
],
[
"Bhardwaj",
"Rishabh",
""
],
[
"Zadeh",
"Amir",
""
],
[
"Majumder",
"Navonil",
""
],
[
"Mihalcea",
"Rada",
""
],
[
"Poria",
"Soujanya",
""
]
] | TITLE: Evaluating Parameter-Efficient Transfer Learning Approaches on SURE
Benchmark for Speech Understanding
ABSTRACT: Fine-tuning is widely used as the default algorithm for transfer learning
from pre-trained models. Parameter inefficiency can however arise when, during
transfer learning, all the parameters of a large pre-trained model need to be
updated for individual downstream tasks. As the number of parameters grows,
fine-tuning is prone to overfitting and catastrophic forgetting. In addition,
full fine-tuning can become prohibitively expensive when the model is used for
many tasks. To mitigate this issue, parameter-efficient transfer learning
algorithms, such as adapters and prefix tuning, have been proposed as a way to
introduce a few trainable parameters that can be plugged into large pre-trained
language models such as BERT, and HuBERT. In this paper, we introduce the
Speech UndeRstanding Evaluation (SURE) benchmark for parameter-efficient
learning for various speech-processing tasks. Additionally, we introduce a new
adapter, ConvAdapter, based on 1D convolution. We show that ConvAdapter
outperforms the standard adapters while showing comparable performance against
prefix tuning and LoRA with only 0.94% of trainable parameters on some of the
task in SURE. We further explore the effectiveness of parameter efficient
transfer learning for speech synthesis task such as Text-to-Speech (TTS).
|
2303.03278 | David Wan | David Wan, Mengwen Liu, Kathleen McKeown, Markus Dreyer, Mohit Bansal | Faithfulness-Aware Decoding Strategies for Abstractive Summarization | EACL 2023 (17 pages) | null | null | null | cs.CL cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Despite significant progress in understanding and improving faithfulness in
abstractive summarization, the question of how decoding strategies affect
faithfulness is less studied. We present a systematic study of the effect of
generation techniques such as beam search and nucleus sampling on faithfulness
in abstractive summarization. We find a consistent trend where beam search with
large beam sizes produces the most faithful summaries while nucleus sampling
generates the least faithful ones. We propose two faithfulness-aware generation
methods to further improve faithfulness over current generation techniques: (1)
ranking candidates generated by beam search using automatic faithfulness
metrics and (2) incorporating lookahead heuristics that produce a faithfulness
score on the future summary. We show that both generation methods significantly
improve faithfulness across two datasets as evaluated by four automatic
faithfulness metrics and human evaluation. To reduce computational cost, we
demonstrate a simple distillation approach that allows the model to generate
faithful summaries with just greedy decoding. Our code is publicly available at
https://github.com/amazon-science/faithful-summarization-generation
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 16:49:27 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Wan",
"David",
""
],
[
"Liu",
"Mengwen",
""
],
[
"McKeown",
"Kathleen",
""
],
[
"Dreyer",
"Markus",
""
],
[
"Bansal",
"Mohit",
""
]
] | TITLE: Faithfulness-Aware Decoding Strategies for Abstractive Summarization
ABSTRACT: Despite significant progress in understanding and improving faithfulness in
abstractive summarization, the question of how decoding strategies affect
faithfulness is less studied. We present a systematic study of the effect of
generation techniques such as beam search and nucleus sampling on faithfulness
in abstractive summarization. We find a consistent trend where beam search with
large beam sizes produces the most faithful summaries while nucleus sampling
generates the least faithful ones. We propose two faithfulness-aware generation
methods to further improve faithfulness over current generation techniques: (1)
ranking candidates generated by beam search using automatic faithfulness
metrics and (2) incorporating lookahead heuristics that produce a faithfulness
score on the future summary. We show that both generation methods significantly
improve faithfulness across two datasets as evaluated by four automatic
faithfulness metrics and human evaluation. To reduce computational cost, we
demonstrate a simple distillation approach that allows the model to generate
faithful summaries with just greedy decoding. Our code is publicly available at
https://github.com/amazon-science/faithful-summarization-generation
|
2303.03338 | Jos\'e L. Risco-Mart\'in | Josefa D\'iaz \'Alvarez, J. Manuel Colmenar, Jos\'e L. Risco-Mart\'in,
Juan Lanchares and Oscar Garnica | Optimizing L1 cache for embedded systems through grammatical evolution | null | Soft Computing, 20(6), 2016 | 10.1007/s00500-015-1653-1 | null | cs.NE cs.AI | http://creativecommons.org/licenses/by-sa/4.0/ | Nowadays, embedded systems are provided with cache memories that are large
enough to influence in both performance and energy consumption as never
occurred before in this kind of systems. In addition, the cache memory system
has been identified as a component that improves those metrics by adapting its
configuration according to the memory access patterns of the applications being
run. However, given that cache memories have many parameters which may be set
to a high number of different values, designers face to a wide and
time-consuming exploration space. In this paper we propose an optimization
framework based on Grammatical Evolution (GE) which is able to efficiently find
the best cache configurations for a given set of benchmark applications. This
metaheuristic allows an important reduction of the optimization runtime
obtaining good results in a low number of generations. Besides, this reduction
is also increased due to the efficient storage of evaluated caches. Moreover,
we selected GE because the plasticity of the grammar eases the creation of
phenotypes that form the call to the cache simulator required for the
evaluation of the different configurations. Experimental results for the
Mediabench suite show that our proposal is able to find cache configurations
that obtain an average improvement of $62\%$ versus a real world baseline
configuration.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 18:10:00 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Álvarez",
"Josefa Díaz",
""
],
[
"Colmenar",
"J. Manuel",
""
],
[
"Risco-Martín",
"José L.",
""
],
[
"Lanchares",
"Juan",
""
],
[
"Garnica",
"Oscar",
""
]
] | TITLE: Optimizing L1 cache for embedded systems through grammatical evolution
ABSTRACT: Nowadays, embedded systems are provided with cache memories that are large
enough to influence in both performance and energy consumption as never
occurred before in this kind of systems. In addition, the cache memory system
has been identified as a component that improves those metrics by adapting its
configuration according to the memory access patterns of the applications being
run. However, given that cache memories have many parameters which may be set
to a high number of different values, designers face to a wide and
time-consuming exploration space. In this paper we propose an optimization
framework based on Grammatical Evolution (GE) which is able to efficiently find
the best cache configurations for a given set of benchmark applications. This
metaheuristic allows an important reduction of the optimization runtime
obtaining good results in a low number of generations. Besides, this reduction
is also increased due to the efficient storage of evaluated caches. Moreover,
we selected GE because the plasticity of the grammar eases the creation of
phenotypes that form the call to the cache simulator required for the
evaluation of the different configurations. Experimental results for the
Mediabench suite show that our proposal is able to find cache configurations
that obtain an average improvement of $62\%$ versus a real world baseline
configuration.
|
2303.03341 | M. G. Sarwar Murshed | M.G. Sarwar Murshed, Keivan Bahmani, Stephanie Schuckers, Faraz
Hussain | Deep Age-Invariant Fingerprint Segmentation System | 20 Pages, 14 figures, Journal | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Fingerprint-based identification systems achieve higher accuracy when a slap
containing multiple fingerprints of a subject is used instead of a single
fingerprint. However, segmenting or auto-localizing all fingerprints in a slap
image is a challenging task due to the different orientations of fingerprints,
noisy backgrounds, and the smaller size of fingertip components. The presence
of slap images in a real-world dataset where one or more fingerprints are
rotated makes it challenging for a biometric recognition system to localize and
label the fingerprints automatically. Improper fingerprint localization and
finger labeling errors lead to poor matching performance. In this paper, we
introduce a method to generate arbitrary angled bounding boxes using a deep
learning-based algorithm that precisely localizes and labels fingerprints from
both axis-aligned and over-rotated slap images. We built a fingerprint
segmentation model named CRFSEG (Clarkson Rotated Fingerprint segmentation
Model) by updating the previously proposed CFSEG model which was based on
traditional Faster R-CNN architecture [21]. CRFSEG improves upon the Faster
R-CNN algorithm with arbitrarily angled bounding boxes that allow the CRFSEG to
perform better in challenging slap images. After training the CRFSEG algorithm
on a new dataset containing slap images collected from both adult and children
subjects, our results suggest that the CRFSEG model was invariant across
different age groups and can handle over-rotated slap images successfully. In
the Combined dataset containing both normal and rotated images of adult and
children subjects, we achieved a matching accuracy of 97.17%, which
outperformed state-of-the-art VeriFinger (94.25%) and NFSEG segmentation
systems (80.58%).
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 18:21:16 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Murshed",
"M. G. Sarwar",
""
],
[
"Bahmani",
"Keivan",
""
],
[
"Schuckers",
"Stephanie",
""
],
[
"Hussain",
"Faraz",
""
]
] | TITLE: Deep Age-Invariant Fingerprint Segmentation System
ABSTRACT: Fingerprint-based identification systems achieve higher accuracy when a slap
containing multiple fingerprints of a subject is used instead of a single
fingerprint. However, segmenting or auto-localizing all fingerprints in a slap
image is a challenging task due to the different orientations of fingerprints,
noisy backgrounds, and the smaller size of fingertip components. The presence
of slap images in a real-world dataset where one or more fingerprints are
rotated makes it challenging for a biometric recognition system to localize and
label the fingerprints automatically. Improper fingerprint localization and
finger labeling errors lead to poor matching performance. In this paper, we
introduce a method to generate arbitrary angled bounding boxes using a deep
learning-based algorithm that precisely localizes and labels fingerprints from
both axis-aligned and over-rotated slap images. We built a fingerprint
segmentation model named CRFSEG (Clarkson Rotated Fingerprint segmentation
Model) by updating the previously proposed CFSEG model which was based on
traditional Faster R-CNN architecture [21]. CRFSEG improves upon the Faster
R-CNN algorithm with arbitrarily angled bounding boxes that allow the CRFSEG to
perform better in challenging slap images. After training the CRFSEG algorithm
on a new dataset containing slap images collected from both adult and children
subjects, our results suggest that the CRFSEG model was invariant across
different age groups and can handle over-rotated slap images successfully. In
the Combined dataset containing both normal and rotated images of adult and
children subjects, we achieved a matching accuracy of 97.17%, which
outperformed state-of-the-art VeriFinger (94.25%) and NFSEG segmentation
systems (80.58%).
|
2303.03349 | Tao Li | Yunfei Ge, Tao Li, and Quanyan Zhu | Scenario-Agnostic Zero-Trust Defense with Explainable Threshold Policy:
A Meta-Learning Approach | GY and TL contributed equally to this work; 7 figures, three tables;
accepted to INFOCOM AidTSP 2023 | null | null | null | cs.AI cs.CR | http://creativecommons.org/licenses/by/4.0/ | The increasing connectivity and intricate remote access environment have made
traditional perimeter-based network defense vulnerable. Zero trust becomes a
promising approach to provide defense policies based on agent-centric trust
evaluation. However, the limited observations of the agent's trace bring
information asymmetry in the decision-making. To facilitate the human
understanding of the policy and the technology adoption, one needs to create a
zero-trust defense that is explainable to humans and adaptable to different
attack scenarios. To this end, we propose a scenario-agnostic zero-trust
defense based on Partially Observable Markov Decision Processes (POMDP) and
first-order Meta-Learning using only a handful of sample scenarios. The
framework leads to an explainable and generalizable trust-threshold defense
policy. To address the distribution shift between empirical security datasets
and reality, we extend the model to a robust zero-trust defense minimizing the
worst-case loss. We use case studies and real-world attacks to corroborate the
results.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 18:35:34 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ge",
"Yunfei",
""
],
[
"Li",
"Tao",
""
],
[
"Zhu",
"Quanyan",
""
]
] | TITLE: Scenario-Agnostic Zero-Trust Defense with Explainable Threshold Policy:
A Meta-Learning Approach
ABSTRACT: The increasing connectivity and intricate remote access environment have made
traditional perimeter-based network defense vulnerable. Zero trust becomes a
promising approach to provide defense policies based on agent-centric trust
evaluation. However, the limited observations of the agent's trace bring
information asymmetry in the decision-making. To facilitate the human
understanding of the policy and the technology adoption, one needs to create a
zero-trust defense that is explainable to humans and adaptable to different
attack scenarios. To this end, we propose a scenario-agnostic zero-trust
defense based on Partially Observable Markov Decision Processes (POMDP) and
first-order Meta-Learning using only a handful of sample scenarios. The
framework leads to an explainable and generalizable trust-threshold defense
policy. To address the distribution shift between empirical security datasets
and reality, we extend the model to a robust zero-trust defense minimizing the
worst-case loss. We use case studies and real-world attacks to corroborate the
results.
|
2303.03372 | Animesh Basak Chowdhury | Animesh Basak Chowdhury, Lilas Alrahis, Luca Collini, Johann Knechtel,
Ramesh Karri, Siddharth Garg, Ozgur Sinanoglu, Benjamin Tan | ALMOST: Adversarial Learning to Mitigate Oracle-less ML Attacks via
Synthesis Tuning | Accepted at Design Automation Conference (DAC 2023) | null | null | null | cs.CR cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Oracle-less machine learning (ML) attacks have broken various logic locking
schemes. Regular synthesis, which is tailored for area-power-delay
optimization, yields netlists where key-gate localities are vulnerable to
learning. Thus, we call for security-aware logic synthesis. We propose ALMOST,
a framework for adversarial learning to mitigate oracle-less ML attacks via
synthesis tuning. ALMOST uses a simulated-annealing-based synthesis recipe
generator, employing adversarially trained models that can predict
state-of-the-art attacks' accuracies over wide ranges of recipes and key-gate
localities. Experiments on ISCAS benchmarks confirm the attacks' accuracies
drops to around 50\% for ALMOST-synthesized circuits, all while not undermining
design optimization.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 18:55:58 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Chowdhury",
"Animesh Basak",
""
],
[
"Alrahis",
"Lilas",
""
],
[
"Collini",
"Luca",
""
],
[
"Knechtel",
"Johann",
""
],
[
"Karri",
"Ramesh",
""
],
[
"Garg",
"Siddharth",
""
],
[
"Sinanoglu",
"Ozgur",
""
],
[
"Tan",
"Benjamin",
""
]
] | TITLE: ALMOST: Adversarial Learning to Mitigate Oracle-less ML Attacks via
Synthesis Tuning
ABSTRACT: Oracle-less machine learning (ML) attacks have broken various logic locking
schemes. Regular synthesis, which is tailored for area-power-delay
optimization, yields netlists where key-gate localities are vulnerable to
learning. Thus, we call for security-aware logic synthesis. We propose ALMOST,
a framework for adversarial learning to mitigate oracle-less ML attacks via
synthesis tuning. ALMOST uses a simulated-annealing-based synthesis recipe
generator, employing adversarially trained models that can predict
state-of-the-art attacks' accuracies over wide ranges of recipes and key-gate
localities. Experiments on ISCAS benchmarks confirm the attacks' accuracies
drops to around 50\% for ALMOST-synthesized circuits, all while not undermining
design optimization.
|
2303.03382 | Tolga Ergen | Tolga Ergen, Halil Ibrahim Gulluk, Jonathan Lacotte, Mert Pilanci | Globally Optimal Training of Neural Networks with Threshold Activation
Functions | Accepted to ICLR 2023 | null | null | null | cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Threshold activation functions are highly preferable in neural networks due
to their efficiency in hardware implementations. Moreover, their mode of
operation is more interpretable and resembles that of biological neurons.
However, traditional gradient based algorithms such as Gradient Descent cannot
be used to train the parameters of neural networks with threshold activations
since the activation function has zero gradient except at a single
non-differentiable point. To this end, we study weight decay regularized
training problems of deep neural networks with threshold activations. We first
show that regularized deep threshold network training problems can be
equivalently formulated as a standard convex optimization problem, which
parallels the LASSO method, provided that the last hidden layer width exceeds a
certain threshold. We also derive a simplified convex optimization formulation
when the dataset can be shattered at a certain layer of the network. We
corroborate our theoretical results with various numerical experiments.
| [
{
"version": "v1",
"created": "Mon, 6 Mar 2023 18:59:13 GMT"
}
] | 2023-03-07T00:00:00 | [
[
"Ergen",
"Tolga",
""
],
[
"Gulluk",
"Halil Ibrahim",
""
],
[
"Lacotte",
"Jonathan",
""
],
[
"Pilanci",
"Mert",
""
]
] | TITLE: Globally Optimal Training of Neural Networks with Threshold Activation
Functions
ABSTRACT: Threshold activation functions are highly preferable in neural networks due
to their efficiency in hardware implementations. Moreover, their mode of
operation is more interpretable and resembles that of biological neurons.
However, traditional gradient based algorithms such as Gradient Descent cannot
be used to train the parameters of neural networks with threshold activations
since the activation function has zero gradient except at a single
non-differentiable point. To this end, we study weight decay regularized
training problems of deep neural networks with threshold activations. We first
show that regularized deep threshold network training problems can be
equivalently formulated as a standard convex optimization problem, which
parallels the LASSO method, provided that the last hidden layer width exceeds a
certain threshold. We also derive a simplified convex optimization formulation
when the dataset can be shattered at a certain layer of the network. We
corroborate our theoretical results with various numerical experiments.
|
2007.08860 | Rachmad Vidya Wicaksana Putra | Rachmad Vidya Wicaksana Putra, Muhammad Shafique | FSpiNN: An Optimization Framework for Memory- and Energy-Efficient
Spiking Neural Networks | To appear at the IEEE Transactions on Computer-Aided Design of
Integrated Circuits and Systems (IEEE-TCAD), as part of the ESWEEK-TCAD
Special Issue, September 2020 | null | 10.1109/TCAD.2020.3013049 | null | cs.NE cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Spiking Neural Networks (SNNs) are gaining interest due to their event-driven
processing which potentially consumes low power/energy computations in hardware
platforms, while offering unsupervised learning capability due to the
spike-timing-dependent plasticity (STDP) rule. However, state-of-the-art SNNs
require a large memory footprint to achieve high accuracy, thereby making them
difficult to be deployed on embedded systems, for instance on battery-powered
mobile devices and IoT Edge nodes. Towards this, we propose FSpiNN, an
optimization framework for obtaining memory- and energy-efficient SNNs for
training and inference processing, with unsupervised learning capability while
maintaining accuracy. It is achieved by (1) reducing the computational
requirements of neuronal and STDP operations, (2) improving the accuracy of
STDP-based learning, (3) compressing the SNN through a fixed-point
quantization, and (4) incorporating the memory and energy requirements in the
optimization process. FSpiNN reduces the computational requirements by reducing
the number of neuronal operations, the STDP-based synaptic weight updates, and
the STDP complexity. To improve the accuracy of learning, FSpiNN employs
timestep-based synaptic weight updates, and adaptively determines the STDP
potentiation factor and the effective inhibition strength. The experimental
results show that, as compared to the state-of-the-art work, FSpiNN achieves
7.5x memory saving, and improves the energy-efficiency by 3.5x on average for
training and by 1.8x on average for inference, across MNIST and Fashion MNIST
datasets, with no accuracy loss for a network with 4900 excitatory neurons,
thereby enabling energy-efficient SNNs for edge devices/embedded systems.
| [
{
"version": "v1",
"created": "Fri, 17 Jul 2020 09:40:26 GMT"
}
] | 2023-03-06T00:00:00 | [
[
"Putra",
"Rachmad Vidya Wicaksana",
""
],
[
"Shafique",
"Muhammad",
""
]
] | TITLE: FSpiNN: An Optimization Framework for Memory- and Energy-Efficient
Spiking Neural Networks
ABSTRACT: Spiking Neural Networks (SNNs) are gaining interest due to their event-driven
processing which potentially consumes low power/energy computations in hardware
platforms, while offering unsupervised learning capability due to the
spike-timing-dependent plasticity (STDP) rule. However, state-of-the-art SNNs
require a large memory footprint to achieve high accuracy, thereby making them
difficult to be deployed on embedded systems, for instance on battery-powered
mobile devices and IoT Edge nodes. Towards this, we propose FSpiNN, an
optimization framework for obtaining memory- and energy-efficient SNNs for
training and inference processing, with unsupervised learning capability while
maintaining accuracy. It is achieved by (1) reducing the computational
requirements of neuronal and STDP operations, (2) improving the accuracy of
STDP-based learning, (3) compressing the SNN through a fixed-point
quantization, and (4) incorporating the memory and energy requirements in the
optimization process. FSpiNN reduces the computational requirements by reducing
the number of neuronal operations, the STDP-based synaptic weight updates, and
the STDP complexity. To improve the accuracy of learning, FSpiNN employs
timestep-based synaptic weight updates, and adaptively determines the STDP
potentiation factor and the effective inhibition strength. The experimental
results show that, as compared to the state-of-the-art work, FSpiNN achieves
7.5x memory saving, and improves the energy-efficiency by 3.5x on average for
training and by 1.8x on average for inference, across MNIST and Fashion MNIST
datasets, with no accuracy loss for a network with 4900 excitatory neurons,
thereby enabling energy-efficient SNNs for edge devices/embedded systems.
|
2103.15532 | See Hian Lee | See Hian Lee, Feng Ji, Wee Peng Tay | Learning on heterogeneous graphs using high-order relations | null | null | 10.1109/ICASSP39728.2021.9413417 | null | stat.ML cs.AI cs.LG | http://creativecommons.org/licenses/by-sa/4.0/ | A heterogeneous graph consists of different vertices and edges types.
Learning on heterogeneous graphs typically employs meta-paths to deal with the
heterogeneity by reducing the graph to a homogeneous network, guide random
walks or capture semantics. These methods are however sensitive to the choice
of meta-paths, with suboptimal paths leading to poor performance. In this
paper, we propose an approach for learning on heterogeneous graphs without
using meta-paths. Specifically, we decompose a heterogeneous graph into
different homogeneous relation-type graphs, which are then combined to create
higher-order relation-type representations. These representations preserve the
heterogeneity of edges and retain their edge directions while capturing the
interaction of different vertex types multiple hops apart. This is then
complemented with attention mechanisms to distinguish the importance of the
relation-type based neighbors and the relation-types themselves. Experiments
demonstrate that our model generally outperforms other state-of-the-art
baselines in the vertex classification task on three commonly studied
heterogeneous graph datasets.
| [
{
"version": "v1",
"created": "Mon, 29 Mar 2021 12:02:47 GMT"
},
{
"version": "v2",
"created": "Fri, 3 Mar 2023 06:15:27 GMT"
}
] | 2023-03-06T00:00:00 | [
[
"Lee",
"See Hian",
""
],
[
"Ji",
"Feng",
""
],
[
"Tay",
"Wee Peng",
""
]
] | TITLE: Learning on heterogeneous graphs using high-order relations
ABSTRACT: A heterogeneous graph consists of different vertices and edges types.
Learning on heterogeneous graphs typically employs meta-paths to deal with the
heterogeneity by reducing the graph to a homogeneous network, guide random
walks or capture semantics. These methods are however sensitive to the choice
of meta-paths, with suboptimal paths leading to poor performance. In this
paper, we propose an approach for learning on heterogeneous graphs without
using meta-paths. Specifically, we decompose a heterogeneous graph into
different homogeneous relation-type graphs, which are then combined to create
higher-order relation-type representations. These representations preserve the
heterogeneity of edges and retain their edge directions while capturing the
interaction of different vertex types multiple hops apart. This is then
complemented with attention mechanisms to distinguish the importance of the
relation-type based neighbors and the relation-types themselves. Experiments
demonstrate that our model generally outperforms other state-of-the-art
baselines in the vertex classification task on three commonly studied
heterogeneous graph datasets.
|
Subsets and Splits
No saved queries yet
Save your SQL queries to embed, download, and access them later. Queries will appear here once saved.