id
large_string | submitter
large_string | authors
large_string | title
large_string | comments
large_string | journal-ref
large_string | doi
large_string | report-no
large_string | categories
large_string | license
large_string | abstract
large_string | versions
large list | update_date
timestamp[ms] | authors_parsed
large list | prompt
large_string | label
string | prob
float64 |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
2304.04971 | Yiyan Xu | Wenjie Wang, Yiyan Xu, Fuli Feng, Xinyu Lin, Xiangnan He, Tat-Seng
Chua | Diffusion Recommender Model | 10 pages, 7 figures, accepted for publication in SIGIR'23 | null | null | null | cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Generative models such as Generative Adversarial Networks (GANs) and
Variational Auto-Encoders (VAEs) are widely utilized to model the generative
process of user interactions. However, these generative models suffer from
intrinsic limitations such as the instability of GANs and the restricted
representation ability of VAEs. Such limitations hinder the accurate modeling
of the complex user interaction generation procedure, such as noisy
interactions caused by various interference factors. In light of the impressive
advantages of Diffusion Models (DMs) over traditional generative models in
image synthesis, we propose a novel Diffusion Recommender Model (named DiffRec)
to learn the generative process in a denoising manner. To retain personalized
information in user interactions, DiffRec reduces the added noises and avoids
corrupting users' interactions into pure noises like in image synthesis. In
addition, we extend traditional DMs to tackle the unique challenges in
practical recommender systems: high resource costs for large-scale item
prediction and temporal shifts of user preference. To this end, we propose two
extensions of DiffRec: L-DiffRec clusters items for dimension compression and
conducts the diffusion processes in the latent space; and T-DiffRec reweights
user interactions based on the interaction timestamps to encode temporal
information. We conduct extensive experiments on three datasets under multiple
settings (e.g. clean training, noisy training, and temporal training). The
empirical results and in-depth analysis validate the superiority of DiffRec
with two extensions over competitive baselines.
| [
{
"version": "v1",
"created": "Tue, 11 Apr 2023 04:31:00 GMT"
},
{
"version": "v2",
"created": "Mon, 17 Apr 2023 13:20:22 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wang",
"Wenjie",
""
],
[
"Xu",
"Yiyan",
""
],
[
"Feng",
"Fuli",
""
],
[
"Lin",
"Xinyu",
""
],
[
"He",
"Xiangnan",
""
],
[
"Chua",
"Tat-Seng",
""
]
] | TITLE: Diffusion Recommender Model
ABSTRACT: Generative models such as Generative Adversarial Networks (GANs) and
Variational Auto-Encoders (VAEs) are widely utilized to model the generative
process of user interactions. However, these generative models suffer from
intrinsic limitations such as the instability of GANs and the restricted
representation ability of VAEs. Such limitations hinder the accurate modeling
of the complex user interaction generation procedure, such as noisy
interactions caused by various interference factors. In light of the impressive
advantages of Diffusion Models (DMs) over traditional generative models in
image synthesis, we propose a novel Diffusion Recommender Model (named DiffRec)
to learn the generative process in a denoising manner. To retain personalized
information in user interactions, DiffRec reduces the added noises and avoids
corrupting users' interactions into pure noises like in image synthesis. In
addition, we extend traditional DMs to tackle the unique challenges in
practical recommender systems: high resource costs for large-scale item
prediction and temporal shifts of user preference. To this end, we propose two
extensions of DiffRec: L-DiffRec clusters items for dimension compression and
conducts the diffusion processes in the latent space; and T-DiffRec reweights
user interactions based on the interaction timestamps to encode temporal
information. We conduct extensive experiments on three datasets under multiple
settings (e.g. clean training, noisy training, and temporal training). The
empirical results and in-depth analysis validate the superiority of DiffRec
with two extensions over competitive baselines.
| no_new_dataset | 0.94868 |
2304.05172 | Hui Li | Hui Li, Tianyang Xu, Xiao-Jun Wu, Jiwen Lu, Josef Kittler | LRRNet: A Novel Representation Learning Guided Fusion Network for
Infrared and Visible Images | 14 pages, 15 figures, 8 tables | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Deep learning based fusion methods have been achieving promising performance
in image fusion tasks. This is attributed to the network architecture that
plays a very important role in the fusion process. However, in general, it is
hard to specify a good fusion architecture, and consequently, the design of
fusion networks is still a black art, rather than science. To address this
problem, we formulate the fusion task mathematically, and establish a
connection between its optimal solution and the network architecture that can
implement it. This approach leads to a novel method proposed in the paper of
constructing a lightweight fusion network. It avoids the time-consuming
empirical network design by a trial-and-test strategy. In particular we adopt a
learnable representation approach to the fusion task, in which the construction
of the fusion network architecture is guided by the optimisation algorithm
producing the learnable model. The low-rank representation (LRR) objective is
the foundation of our learnable model. The matrix multiplications, which are at
the heart of the solution are transformed into convolutional operations, and
the iterative process of optimisation is replaced by a special feed-forward
network. Based on this novel network architecture, an end-to-end lightweight
fusion network is constructed to fuse infrared and visible light images. Its
successful training is facilitated by a detail-to-semantic information loss
function proposed to preserve the image details and to enhance the salient
features of the source images. Our experiments show that the proposed fusion
network exhibits better fusion performance than the state-of-the-art fusion
methods on public datasets. Interestingly, our network requires a fewer
training parameters than other existing methods. The codes are available at
https://github.com/hli1221/imagefusion-LRRNet
| [
{
"version": "v1",
"created": "Tue, 11 Apr 2023 12:11:23 GMT"
},
{
"version": "v2",
"created": "Sun, 16 Apr 2023 12:42:14 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Li",
"Hui",
""
],
[
"Xu",
"Tianyang",
""
],
[
"Wu",
"Xiao-Jun",
""
],
[
"Lu",
"Jiwen",
""
],
[
"Kittler",
"Josef",
""
]
] | TITLE: LRRNet: A Novel Representation Learning Guided Fusion Network for
Infrared and Visible Images
ABSTRACT: Deep learning based fusion methods have been achieving promising performance
in image fusion tasks. This is attributed to the network architecture that
plays a very important role in the fusion process. However, in general, it is
hard to specify a good fusion architecture, and consequently, the design of
fusion networks is still a black art, rather than science. To address this
problem, we formulate the fusion task mathematically, and establish a
connection between its optimal solution and the network architecture that can
implement it. This approach leads to a novel method proposed in the paper of
constructing a lightweight fusion network. It avoids the time-consuming
empirical network design by a trial-and-test strategy. In particular we adopt a
learnable representation approach to the fusion task, in which the construction
of the fusion network architecture is guided by the optimisation algorithm
producing the learnable model. The low-rank representation (LRR) objective is
the foundation of our learnable model. The matrix multiplications, which are at
the heart of the solution are transformed into convolutional operations, and
the iterative process of optimisation is replaced by a special feed-forward
network. Based on this novel network architecture, an end-to-end lightweight
fusion network is constructed to fuse infrared and visible light images. Its
successful training is facilitated by a detail-to-semantic information loss
function proposed to preserve the image details and to enhance the salient
features of the source images. Our experiments show that the proposed fusion
network exhibits better fusion performance than the state-of-the-art fusion
methods on public datasets. Interestingly, our network requires a fewer
training parameters than other existing methods. The codes are available at
https://github.com/hli1221/imagefusion-LRRNet
| no_new_dataset | 0.948585 |
2304.06002 | Hao Xu | Bo Li, YiHua Chen, Hao Xu and Fei Zhong | Fast vehicle detection algorithm based on lightweight YOLO7-tiny | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The swift and precise detection of vehicles plays a significant role in
intelligent transportation systems. Current vehicle detection algorithms
encounter challenges of high computational complexity, low detection rate, and
limited feasibility on mobile devices. To address these issues, this paper
proposes a lightweight vehicle detection algorithm based on YOLOv7-tiny (You
Only Look Once version seven) called Ghost-YOLOv7. The width of model is scaled
to 0.5 and the standard convolution of the backbone network is replaced with
Ghost convolution to achieve a lighter network and improve the detection speed;
then a self-designed Ghost bi-directional feature pyramid network (Ghost-BiFPN)
is embedded into the neck network to enhance feature extraction capability of
the algorithm and enriches semantic information; and a Ghost Decouoled Head
(GDH) is employed for accurate prediction of vehicle location and species;
finally, a coordinate attention mechanism is introduced into the output layer
to suppress environmental interference. The WIoU loss function is employed to
further enhance the detection accuracy. Ablation experiments results on the
PASCAL VOC dataset demonstrate that Ghost-YOLOv7 outperforms the original
YOLOv7-tiny model. It achieving a 29.8% reduction in computation, 37.3%
reduction in the number of parameters, 35.1% reduction in model weights, 1.1%
higher mean average precision (mAP), the detection speed is higher 27FPS
compared with the original algorithm. Ghost-YOLOv7 was also compared on KITTI
and BIT-vehicle datasets as well, and the results show that this algorithm has
the overall best performance.
| [
{
"version": "v1",
"created": "Wed, 12 Apr 2023 17:28:30 GMT"
},
{
"version": "v2",
"created": "Thu, 13 Apr 2023 03:38:22 GMT"
},
{
"version": "v3",
"created": "Mon, 17 Apr 2023 06:47:01 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Li",
"Bo",
""
],
[
"Chen",
"YiHua",
""
],
[
"Xu",
"Hao",
""
],
[
"Zhong",
"Fei",
""
]
] | TITLE: Fast vehicle detection algorithm based on lightweight YOLO7-tiny
ABSTRACT: The swift and precise detection of vehicles plays a significant role in
intelligent transportation systems. Current vehicle detection algorithms
encounter challenges of high computational complexity, low detection rate, and
limited feasibility on mobile devices. To address these issues, this paper
proposes a lightweight vehicle detection algorithm based on YOLOv7-tiny (You
Only Look Once version seven) called Ghost-YOLOv7. The width of model is scaled
to 0.5 and the standard convolution of the backbone network is replaced with
Ghost convolution to achieve a lighter network and improve the detection speed;
then a self-designed Ghost bi-directional feature pyramid network (Ghost-BiFPN)
is embedded into the neck network to enhance feature extraction capability of
the algorithm and enriches semantic information; and a Ghost Decouoled Head
(GDH) is employed for accurate prediction of vehicle location and species;
finally, a coordinate attention mechanism is introduced into the output layer
to suppress environmental interference. The WIoU loss function is employed to
further enhance the detection accuracy. Ablation experiments results on the
PASCAL VOC dataset demonstrate that Ghost-YOLOv7 outperforms the original
YOLOv7-tiny model. It achieving a 29.8% reduction in computation, 37.3%
reduction in the number of parameters, 35.1% reduction in model weights, 1.1%
higher mean average precision (mAP), the detection speed is higher 27FPS
compared with the original algorithm. Ghost-YOLOv7 was also compared on KITTI
and BIT-vehicle datasets as well, and the results show that this algorithm has
the overall best performance.
| no_new_dataset | 0.945801 |
2304.06017 | Cory Merkel | Hongye Xu, Dongfang Liu, Cory Merkel, Michael Zuzak | Exploiting Logic Locking for a Neural Trojan Attack on Machine Learning
Accelerators | Accepted in GLSVLSI 2023 | null | null | null | cs.CR cs.AI cs.AR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Logic locking has been proposed to safeguard intellectual property (IP)
during chip fabrication. Logic locking techniques protect hardware IP by making
a subset of combinational modules in a design dependent on a secret key that is
withheld from untrusted parties. If an incorrect secret key is used, a set of
deterministic errors is produced in locked modules, restricting unauthorized
use. A common target for logic locking is neural accelerators, especially as
machine-learning-as-a-service becomes more prevalent. In this work, we explore
how logic locking can be used to compromise the security of a neural
accelerator it protects. Specifically, we show how the deterministic errors
caused by incorrect keys can be harnessed to produce neural-trojan-style
backdoors. To do so, we first outline a motivational attack scenario where a
carefully chosen incorrect key, which we call a trojan key, produces
misclassifications for an attacker-specified input class in a locked
accelerator. We then develop a theoretically-robust attack methodology to
automatically identify trojan keys. To evaluate this attack, we launch it on
several locked accelerators. In our largest benchmark accelerator, our attack
identified a trojan key that caused a 74\% decrease in classification accuracy
for attacker-specified trigger inputs, while degrading accuracy by only 1.7\%
for other inputs on average.
| [
{
"version": "v1",
"created": "Wed, 12 Apr 2023 17:55:34 GMT"
},
{
"version": "v2",
"created": "Fri, 14 Apr 2023 20:52:23 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Xu",
"Hongye",
""
],
[
"Liu",
"Dongfang",
""
],
[
"Merkel",
"Cory",
""
],
[
"Zuzak",
"Michael",
""
]
] | TITLE: Exploiting Logic Locking for a Neural Trojan Attack on Machine Learning
Accelerators
ABSTRACT: Logic locking has been proposed to safeguard intellectual property (IP)
during chip fabrication. Logic locking techniques protect hardware IP by making
a subset of combinational modules in a design dependent on a secret key that is
withheld from untrusted parties. If an incorrect secret key is used, a set of
deterministic errors is produced in locked modules, restricting unauthorized
use. A common target for logic locking is neural accelerators, especially as
machine-learning-as-a-service becomes more prevalent. In this work, we explore
how logic locking can be used to compromise the security of a neural
accelerator it protects. Specifically, we show how the deterministic errors
caused by incorrect keys can be harnessed to produce neural-trojan-style
backdoors. To do so, we first outline a motivational attack scenario where a
carefully chosen incorrect key, which we call a trojan key, produces
misclassifications for an attacker-specified input class in a locked
accelerator. We then develop a theoretically-robust attack methodology to
automatically identify trojan keys. To evaluate this attack, we launch it on
several locked accelerators. In our largest benchmark accelerator, our attack
identified a trojan key that caused a 74\% decrease in classification accuracy
for attacker-specified trigger inputs, while degrading accuracy by only 1.7\%
for other inputs on average.
| no_new_dataset | 0.940953 |
2304.06446 | Badri Narayana Patro | Badri N. Patro, Vinay P. Namboodiri, Vijay Srinivas Agneeswaran | SpectFormer: Frequency and Attention is what you need in a Vision
Transformer | The project page is available at this webpage
\url{https://badripatro.github.io/SpectFormers/} | null | null | null | cs.CV cs.AI cs.CL cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Vision transformers have been applied successfully for image recognition
tasks. There have been either multi-headed self-attention based (ViT
\cite{dosovitskiy2020image}, DeIT, \cite{touvron2021training}) similar to the
original work in textual models or more recently based on spectral layers
(Fnet\cite{lee2021fnet}, GFNet\cite{rao2021global},
AFNO\cite{guibas2021efficient}). We hypothesize that both spectral and
multi-headed attention plays a major role. We investigate this hypothesis
through this work and observe that indeed combining spectral and multi-headed
attention layers provides a better transformer architecture. We thus propose
the novel Spectformer architecture for transformers that combines spectral and
multi-headed attention layers. We believe that the resulting representation
allows the transformer to capture the feature representation appropriately and
it yields improved performance over other transformer representations. For
instance, it improves the top-1 accuracy by 2\% on ImageNet compared to both
GFNet-H and LiT. SpectFormer-S reaches 84.25\% top-1 accuracy on ImageNet-1K
(state of the art for small version). Further, Spectformer-L achieves 85.7\%
that is the state of the art for the comparable base version of the
transformers. We further ensure that we obtain reasonable results in other
scenarios such as transfer learning on standard datasets such as CIFAR-10,
CIFAR-100, Oxford-IIIT-flower, and Standford Car datasets. We then investigate
its use in downstream tasks such of object detection and instance segmentation
on the MS-COCO dataset and observe that Spectformer shows consistent
performance that is comparable to the best backbones and can be further
optimized and improved. Hence, we believe that combined spectral and attention
layers are what are needed for vision transformers.
| [
{
"version": "v1",
"created": "Thu, 13 Apr 2023 12:27:17 GMT"
},
{
"version": "v2",
"created": "Fri, 14 Apr 2023 22:20:46 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Patro",
"Badri N.",
""
],
[
"Namboodiri",
"Vinay P.",
""
],
[
"Agneeswaran",
"Vijay Srinivas",
""
]
] | TITLE: SpectFormer: Frequency and Attention is what you need in a Vision
Transformer
ABSTRACT: Vision transformers have been applied successfully for image recognition
tasks. There have been either multi-headed self-attention based (ViT
\cite{dosovitskiy2020image}, DeIT, \cite{touvron2021training}) similar to the
original work in textual models or more recently based on spectral layers
(Fnet\cite{lee2021fnet}, GFNet\cite{rao2021global},
AFNO\cite{guibas2021efficient}). We hypothesize that both spectral and
multi-headed attention plays a major role. We investigate this hypothesis
through this work and observe that indeed combining spectral and multi-headed
attention layers provides a better transformer architecture. We thus propose
the novel Spectformer architecture for transformers that combines spectral and
multi-headed attention layers. We believe that the resulting representation
allows the transformer to capture the feature representation appropriately and
it yields improved performance over other transformer representations. For
instance, it improves the top-1 accuracy by 2\% on ImageNet compared to both
GFNet-H and LiT. SpectFormer-S reaches 84.25\% top-1 accuracy on ImageNet-1K
(state of the art for small version). Further, Spectformer-L achieves 85.7\%
that is the state of the art for the comparable base version of the
transformers. We further ensure that we obtain reasonable results in other
scenarios such as transfer learning on standard datasets such as CIFAR-10,
CIFAR-100, Oxford-IIIT-flower, and Standford Car datasets. We then investigate
its use in downstream tasks such of object detection and instance segmentation
on the MS-COCO dataset and observe that Spectformer shows consistent
performance that is comparable to the best backbones and can be further
optimized and improved. Hence, we believe that combined spectral and attention
layers are what are needed for vision transformers.
| no_new_dataset | 0.948251 |
2304.06943 | Qingsen Yan | Qingsen Yan, Weiye Chen, Song Zhang, Yu Zhu, Jinqiu Sun, Yanning Zhang | A Unified HDR Imaging Method with Pixel and Patch Level | accepted by CVPR2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Mapping Low Dynamic Range (LDR) images with different exposures to High
Dynamic Range (HDR) remains nontrivial and challenging on dynamic scenes due to
ghosting caused by object motion or camera jitting. With the success of Deep
Neural Networks (DNNs), several DNNs-based methods have been proposed to
alleviate ghosting, they cannot generate approving results when motion and
saturation occur. To generate visually pleasing HDR images in various cases, we
propose a hybrid HDR deghosting network, called HyHDRNet, to learn the
complicated relationship between reference and non-reference images. The
proposed HyHDRNet consists of a content alignment subnetwork and a
Transformer-based fusion subnetwork. Specifically, to effectively avoid
ghosting from the source, the content alignment subnetwork uses patch
aggregation and ghost attention to integrate similar content from other
non-reference images with patch level and suppress undesired components with
pixel level. To achieve mutual guidance between patch-level and pixel-level, we
leverage a gating module to sufficiently swap useful information both in
ghosted and saturated regions. Furthermore, to obtain a high-quality HDR image,
the Transformer-based fusion subnetwork uses a Residual Deformable Transformer
Block (RDTB) to adaptively merge information for different exposed regions. We
examined the proposed method on four widely used public HDR image deghosting
datasets. Experiments demonstrate that HyHDRNet outperforms state-of-the-art
methods both quantitatively and qualitatively, achieving appealing HDR
visualization with unified textures and colors.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 06:21:57 GMT"
},
{
"version": "v2",
"created": "Mon, 17 Apr 2023 01:38:17 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Yan",
"Qingsen",
""
],
[
"Chen",
"Weiye",
""
],
[
"Zhang",
"Song",
""
],
[
"Zhu",
"Yu",
""
],
[
"Sun",
"Jinqiu",
""
],
[
"Zhang",
"Yanning",
""
]
] | TITLE: A Unified HDR Imaging Method with Pixel and Patch Level
ABSTRACT: Mapping Low Dynamic Range (LDR) images with different exposures to High
Dynamic Range (HDR) remains nontrivial and challenging on dynamic scenes due to
ghosting caused by object motion or camera jitting. With the success of Deep
Neural Networks (DNNs), several DNNs-based methods have been proposed to
alleviate ghosting, they cannot generate approving results when motion and
saturation occur. To generate visually pleasing HDR images in various cases, we
propose a hybrid HDR deghosting network, called HyHDRNet, to learn the
complicated relationship between reference and non-reference images. The
proposed HyHDRNet consists of a content alignment subnetwork and a
Transformer-based fusion subnetwork. Specifically, to effectively avoid
ghosting from the source, the content alignment subnetwork uses patch
aggregation and ghost attention to integrate similar content from other
non-reference images with patch level and suppress undesired components with
pixel level. To achieve mutual guidance between patch-level and pixel-level, we
leverage a gating module to sufficiently swap useful information both in
ghosted and saturated regions. Furthermore, to obtain a high-quality HDR image,
the Transformer-based fusion subnetwork uses a Residual Deformable Transformer
Block (RDTB) to adaptively merge information for different exposed regions. We
examined the proposed method on four widely used public HDR image deghosting
datasets. Experiments demonstrate that HyHDRNet outperforms state-of-the-art
methods both quantitatively and qualitatively, achieving appealing HDR
visualization with unified textures and colors.
| no_new_dataset | 0.948155 |
2304.07299 | Khaoula Chtouki | Khaoula Chtouki, Maryem Rhanoui, Mounia Mikram, Kamelia Amazian, Siham
Yousfi | Supervised Machine Learning for Breast Cancer Risk Factors Analysis and
Survival Prediction | null | null | null | null | cs.LG cs.AI | http://creativecommons.org/licenses/by-nc-sa/4.0/ | The choice of the most effective treatment may eventually be influenced by
breast cancer survival prediction. To predict the chances of a patient
surviving, a variety of techniques were employed, such as statistical, machine
learning, and deep learning models. In the current study, 1904 patient records
from the METABRIC dataset were utilized to predict a 5-year breast cancer
survival using a machine learning approach. In this study, we compare the
outcomes of seven classification models to evaluate how well they perform using
the following metrics: recall, AUC, confusion matrix, accuracy, precision,
false positive rate, and true positive rate. The findings demonstrate that the
classifiers for Logistic Regression (LR), Support Vector Machines (SVM),
Decision Tree (DT), Random Forest (RD), Extremely Randomized Trees (ET),
K-Nearest Neighbor (KNN), and Adaptive Boosting (AdaBoost) can accurately
predict the survival rate of the tested samples, which is 75,4\%, 74,7\%,
71,5\%, 75,5\%, 70,3\%, and 78 percent.
| [
{
"version": "v1",
"created": "Thu, 13 Apr 2023 12:32:14 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Chtouki",
"Khaoula",
""
],
[
"Rhanoui",
"Maryem",
""
],
[
"Mikram",
"Mounia",
""
],
[
"Amazian",
"Kamelia",
""
],
[
"Yousfi",
"Siham",
""
]
] | TITLE: Supervised Machine Learning for Breast Cancer Risk Factors Analysis and
Survival Prediction
ABSTRACT: The choice of the most effective treatment may eventually be influenced by
breast cancer survival prediction. To predict the chances of a patient
surviving, a variety of techniques were employed, such as statistical, machine
learning, and deep learning models. In the current study, 1904 patient records
from the METABRIC dataset were utilized to predict a 5-year breast cancer
survival using a machine learning approach. In this study, we compare the
outcomes of seven classification models to evaluate how well they perform using
the following metrics: recall, AUC, confusion matrix, accuracy, precision,
false positive rate, and true positive rate. The findings demonstrate that the
classifiers for Logistic Regression (LR), Support Vector Machines (SVM),
Decision Tree (DT), Random Forest (RD), Extremely Randomized Trees (ET),
K-Nearest Neighbor (KNN), and Adaptive Boosting (AdaBoost) can accurately
predict the survival rate of the tested samples, which is 75,4\%, 74,7\%,
71,5\%, 75,5\%, 70,3\%, and 78 percent.
| no_new_dataset | 0.948202 |
2304.07306 | Patrick Hemmer | Patrick Hemmer, Lukas Thede, Michael V\"ossing, Johannes Jakubik,
Niklas K\"uhl | Learning to Defer with Limited Expert Predictions | 37th AAAI Conference on Artificial Intelligence (AAAI-23) | null | null | null | cs.LG cs.AI cs.HC | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Recent research suggests that combining AI models with a human expert can
exceed the performance of either alone. The combination of their capabilities
is often realized by learning to defer algorithms that enable the AI to learn
to decide whether to make a prediction for a particular instance or defer it to
the human expert. However, to accurately learn which instances should be
deferred to the human expert, a large number of expert predictions that
accurately reflect the expert's capabilities are required -- in addition to the
ground truth labels needed to train the AI. This requirement shared by many
learning to defer algorithms hinders their adoption in scenarios where the
responsible expert regularly changes or where acquiring a sufficient number of
expert predictions is costly. In this paper, we propose a three-step approach
to reduce the number of expert predictions required to train learning to defer
algorithms. It encompasses (1) the training of an embedding model with ground
truth labels to generate feature representations that serve as a basis for (2)
the training of an expertise predictor model to approximate the expert's
capabilities. (3) The expertise predictor generates artificial expert
predictions for instances not yet labeled by the expert, which are required by
the learning to defer algorithms. We evaluate our approach on two public
datasets. One with "synthetically" generated human experts and another from the
medical domain containing real-world radiologists' predictions. Our experiments
show that the approach allows the training of various learning to defer
algorithms with a minimal number of human expert predictions. Furthermore, we
demonstrate that even a small number of expert predictions per class is
sufficient for these algorithms to exceed the performance the AI and the human
expert can achieve individually.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 09:22:34 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Hemmer",
"Patrick",
""
],
[
"Thede",
"Lukas",
""
],
[
"Vössing",
"Michael",
""
],
[
"Jakubik",
"Johannes",
""
],
[
"Kühl",
"Niklas",
""
]
] | TITLE: Learning to Defer with Limited Expert Predictions
ABSTRACT: Recent research suggests that combining AI models with a human expert can
exceed the performance of either alone. The combination of their capabilities
is often realized by learning to defer algorithms that enable the AI to learn
to decide whether to make a prediction for a particular instance or defer it to
the human expert. However, to accurately learn which instances should be
deferred to the human expert, a large number of expert predictions that
accurately reflect the expert's capabilities are required -- in addition to the
ground truth labels needed to train the AI. This requirement shared by many
learning to defer algorithms hinders their adoption in scenarios where the
responsible expert regularly changes or where acquiring a sufficient number of
expert predictions is costly. In this paper, we propose a three-step approach
to reduce the number of expert predictions required to train learning to defer
algorithms. It encompasses (1) the training of an embedding model with ground
truth labels to generate feature representations that serve as a basis for (2)
the training of an expertise predictor model to approximate the expert's
capabilities. (3) The expertise predictor generates artificial expert
predictions for instances not yet labeled by the expert, which are required by
the learning to defer algorithms. We evaluate our approach on two public
datasets. One with "synthetically" generated human experts and another from the
medical domain containing real-world radiologists' predictions. Our experiments
show that the approach allows the training of various learning to defer
algorithms with a minimal number of human expert predictions. Furthermore, we
demonstrate that even a small number of expert predictions per class is
sufficient for these algorithms to exceed the performance the AI and the human
expert can achieve individually.
| no_new_dataset | 0.951459 |
2304.07314 | Alexander Koenig | Alexander Koenig, Maximilian Schambach, Johannes Otterbach | Uncovering the Inner Workings of STEGO for Safe Unsupervised Semantic
Segmentation | 8 Pages + 2 Pages Appendix. Accepted at CVPR 2023 SAIAD Workshop | null | null | null | cs.CV cs.AI cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Self-supervised pre-training strategies have recently shown impressive
results for training general-purpose feature extraction backbones in computer
vision. In combination with the Vision Transformer architecture, the DINO
self-distillation technique has interesting emerging properties, such as
unsupervised clustering in the latent space and semantic correspondences of the
produced features without using explicit human-annotated labels. The STEGO
method for unsupervised semantic segmentation contrastively distills feature
correspondences of a DINO-pre-trained Vision Transformer and recently set a new
state of the art. However, the detailed workings of STEGO have yet to be
disentangled, preventing its usage in safety-critical applications. This paper
provides a deeper understanding of the STEGO architecture and training strategy
by conducting studies that uncover the working mechanisms behind STEGO,
reproduce and extend its experimental validation, and investigate the ability
of STEGO to transfer to different datasets. Results demonstrate that the STEGO
architecture can be interpreted as a semantics-preserving dimensionality
reduction technique.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 15:30:26 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Koenig",
"Alexander",
""
],
[
"Schambach",
"Maximilian",
""
],
[
"Otterbach",
"Johannes",
""
]
] | TITLE: Uncovering the Inner Workings of STEGO for Safe Unsupervised Semantic
Segmentation
ABSTRACT: Self-supervised pre-training strategies have recently shown impressive
results for training general-purpose feature extraction backbones in computer
vision. In combination with the Vision Transformer architecture, the DINO
self-distillation technique has interesting emerging properties, such as
unsupervised clustering in the latent space and semantic correspondences of the
produced features without using explicit human-annotated labels. The STEGO
method for unsupervised semantic segmentation contrastively distills feature
correspondences of a DINO-pre-trained Vision Transformer and recently set a new
state of the art. However, the detailed workings of STEGO have yet to be
disentangled, preventing its usage in safety-critical applications. This paper
provides a deeper understanding of the STEGO architecture and training strategy
by conducting studies that uncover the working mechanisms behind STEGO,
reproduce and extend its experimental validation, and investigate the ability
of STEGO to transfer to different datasets. Results demonstrate that the STEGO
architecture can be interpreted as a semantics-preserving dimensionality
reduction technique.
| no_new_dataset | 0.945298 |
2304.07338 | David Bauer | David Bauer, Qi Wu, Kwan-Liu Ma | Photon Field Networks for Dynamic Real-Time Volumetric Global
Illumination | null | null | null | null | cs.GR cs.LG | http://creativecommons.org/licenses/by/4.0/ | Volume data is commonly found in many scientific disciplines, like medicine,
physics, and biology. Experts rely on robust scientific visualization
techniques to extract valuable insights from the data. Recent years have shown
path tracing to be the preferred approach for volumetric rendering, given its
high levels of realism. However, real-time volumetric path tracing often
suffers from stochastic noise and long convergence times, limiting interactive
exploration. In this paper, we present a novel method to enable real-time
global illumination for volume data visualization. We develop Photon Field
Networks -- a phase-function-aware, multi-light neural representation of
indirect volumetric global illumination. The fields are trained on multi-phase
photon caches that we compute a priori. Training can be done within seconds,
after which the fields can be used in various rendering tasks. To showcase
their potential, we develop a custom neural path tracer, with which our photon
fields achieve interactive framerates even on large datasets. We conduct
in-depth evaluations of the method's performance, including visual quality,
stochastic noise, inference and rendering speeds, and accuracy regarding
illumination and phase function awareness. Results are compared to ray
marching, path tracing and photon mapping. Our findings show that Photon Field
Networks can faithfully represent indirect global illumination across the phase
spectrum while exhibiting less stochastic noise and rendering at a
significantly faster rate than traditional methods.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 18:17:34 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Bauer",
"David",
""
],
[
"Wu",
"Qi",
""
],
[
"Ma",
"Kwan-Liu",
""
]
] | TITLE: Photon Field Networks for Dynamic Real-Time Volumetric Global
Illumination
ABSTRACT: Volume data is commonly found in many scientific disciplines, like medicine,
physics, and biology. Experts rely on robust scientific visualization
techniques to extract valuable insights from the data. Recent years have shown
path tracing to be the preferred approach for volumetric rendering, given its
high levels of realism. However, real-time volumetric path tracing often
suffers from stochastic noise and long convergence times, limiting interactive
exploration. In this paper, we present a novel method to enable real-time
global illumination for volume data visualization. We develop Photon Field
Networks -- a phase-function-aware, multi-light neural representation of
indirect volumetric global illumination. The fields are trained on multi-phase
photon caches that we compute a priori. Training can be done within seconds,
after which the fields can be used in various rendering tasks. To showcase
their potential, we develop a custom neural path tracer, with which our photon
fields achieve interactive framerates even on large datasets. We conduct
in-depth evaluations of the method's performance, including visual quality,
stochastic noise, inference and rendering speeds, and accuracy regarding
illumination and phase function awareness. Results are compared to ray
marching, path tracing and photon mapping. Our findings show that Photon Field
Networks can faithfully represent indirect global illumination across the phase
spectrum while exhibiting less stochastic noise and rendering at a
significantly faster rate than traditional methods.
| no_new_dataset | 0.956836 |
2304.07349 | Jingrong Chen | Jingrong Chen and Yongji Wu and Shihan Lin and Yechen Xu and Xinhao
Kong and Thomas Anderson and Matthew Lentz and Xiaowei Yang and Danyang Zhuo | Remote Procedure Call as a Managed System Service | NSDI 2023 | null | null | null | cs.NI cs.OS | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Remote Procedure Call (RPC) is a widely used abstraction for cloud computing.
The programmer specifies type information for each remote procedure, and a
compiler generates stub code linked into each application to marshal and
unmarshal arguments into message buffers. Increasingly, however, application
and service operations teams need a high degree of visibility and control over
the flow of RPCs between services, leading many installations to use sidecars
or service mesh proxies for manageability and policy flexibility. These
sidecars typically involve inspection and modification of RPC data that the
stub compiler had just carefully assembled, adding needless overhead. Further,
upgrading diverse application RPC stubs to use advanced hardware capabilities
such as RDMA or DPDK is a long and involved process, and often incompatible
with sidecar policy control.
In this paper, we propose, implement, and evaluate a novel approach, where
RPC marshalling and policy enforcement are done as a system service rather than
as a library linked into each application. Applications specify type
information to the RPC system as before, while the RPC service executes policy
engines and arbitrates resource use, and then marshals data customized to the
underlying network hardware capabilities. Our system, mRPC, also supports live
upgrades so that both policy and marshalling code can be updated transparently
to application code. Compared with using a sidecar, mRPC speeds up a standard
microservice benchmark, DeathStarBench, by up to 2.5$\times$ while having a
higher level of policy flexibility and availability.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 18:47:55 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Chen",
"Jingrong",
""
],
[
"Wu",
"Yongji",
""
],
[
"Lin",
"Shihan",
""
],
[
"Xu",
"Yechen",
""
],
[
"Kong",
"Xinhao",
""
],
[
"Anderson",
"Thomas",
""
],
[
"Lentz",
"Matthew",
""
],
[
"Yang",
"Xiaowei",
""
],
[
"Zhuo",
"Danyang",
""
]
] | TITLE: Remote Procedure Call as a Managed System Service
ABSTRACT: Remote Procedure Call (RPC) is a widely used abstraction for cloud computing.
The programmer specifies type information for each remote procedure, and a
compiler generates stub code linked into each application to marshal and
unmarshal arguments into message buffers. Increasingly, however, application
and service operations teams need a high degree of visibility and control over
the flow of RPCs between services, leading many installations to use sidecars
or service mesh proxies for manageability and policy flexibility. These
sidecars typically involve inspection and modification of RPC data that the
stub compiler had just carefully assembled, adding needless overhead. Further,
upgrading diverse application RPC stubs to use advanced hardware capabilities
such as RDMA or DPDK is a long and involved process, and often incompatible
with sidecar policy control.
In this paper, we propose, implement, and evaluate a novel approach, where
RPC marshalling and policy enforcement are done as a system service rather than
as a library linked into each application. Applications specify type
information to the RPC system as before, while the RPC service executes policy
engines and arbitrates resource use, and then marshals data customized to the
underlying network hardware capabilities. Our system, mRPC, also supports live
upgrades so that both policy and marshalling code can be updated transparently
to application code. Compared with using a sidecar, mRPC speeds up a standard
microservice benchmark, DeathStarBench, by up to 2.5$\times$ while having a
higher level of policy flexibility and availability.
| no_new_dataset | 0.942981 |
2304.07354 | Zahid Hasan | Zahid Hasan, Masud Ahmed, Abu Zaher Md Faridee, Sanjay Purushotham,
Heesung Kwon, Hyungtae Lee, Nirmalya Roy | NEV-NCD: Negative Learning, Entropy, and Variance regularization based
novel action categories discovery | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Novel Categories Discovery (NCD) facilitates learning from a partially
annotated label space and enables deep learning (DL) models to operate in an
open-world setting by identifying and differentiating instances of novel
classes based on the labeled data notions. One of the primary assumptions of
NCD is that the novel label space is perfectly disjoint and can be
equipartitioned, but it is rarely realized by most NCD approaches in practice.
To better align with this assumption, we propose a novel single-stage joint
optimization-based NCD method, Negative learning, Entropy, and Variance
regularization NCD (NEV-NCD). We demonstrate the efficacy of NEV-NCD in
previously unexplored NCD applications of video action recognition (VAR) with
the public UCF101 dataset and a curated in-house partial action-space annotated
multi-view video dataset. We perform a thorough ablation study by varying the
composition of final joint loss and associated hyper-parameters. During our
experiments with UCF101 and multi-view action dataset, NEV-NCD achieves ~ 83%
classification accuracy in test instances of labeled data. NEV-NCD achieves ~
70% clustering accuracy over unlabeled data outperforming both naive baselines
(by ~ 40%) and state-of-the-art pseudo-labeling-based approaches (by ~ 3.5%)
over both datasets. Further, we propose to incorporate optional view-invariant
feature learning with the multiview dataset to identify novel categories from
novel viewpoints. Our additional view-invariance constraint improves the
discriminative accuracy for both known and unknown categories by ~ 10% for
novel viewpoints.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 19:20:26 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Hasan",
"Zahid",
""
],
[
"Ahmed",
"Masud",
""
],
[
"Faridee",
"Abu Zaher Md",
""
],
[
"Purushotham",
"Sanjay",
""
],
[
"Kwon",
"Heesung",
""
],
[
"Lee",
"Hyungtae",
""
],
[
"Roy",
"Nirmalya",
""
]
] | TITLE: NEV-NCD: Negative Learning, Entropy, and Variance regularization based
novel action categories discovery
ABSTRACT: Novel Categories Discovery (NCD) facilitates learning from a partially
annotated label space and enables deep learning (DL) models to operate in an
open-world setting by identifying and differentiating instances of novel
classes based on the labeled data notions. One of the primary assumptions of
NCD is that the novel label space is perfectly disjoint and can be
equipartitioned, but it is rarely realized by most NCD approaches in practice.
To better align with this assumption, we propose a novel single-stage joint
optimization-based NCD method, Negative learning, Entropy, and Variance
regularization NCD (NEV-NCD). We demonstrate the efficacy of NEV-NCD in
previously unexplored NCD applications of video action recognition (VAR) with
the public UCF101 dataset and a curated in-house partial action-space annotated
multi-view video dataset. We perform a thorough ablation study by varying the
composition of final joint loss and associated hyper-parameters. During our
experiments with UCF101 and multi-view action dataset, NEV-NCD achieves ~ 83%
classification accuracy in test instances of labeled data. NEV-NCD achieves ~
70% clustering accuracy over unlabeled data outperforming both naive baselines
(by ~ 40%) and state-of-the-art pseudo-labeling-based approaches (by ~ 3.5%)
over both datasets. Further, we propose to incorporate optional view-invariant
feature learning with the multiview dataset to identify novel categories from
novel viewpoints. Our additional view-invariance constraint improves the
discriminative accuracy for both known and unknown categories by ~ 10% for
novel viewpoints.
| no_new_dataset | 0.938688 |
2304.07372 | Thanh-Dat Truong | Thanh-Dat Truong, Chi Nhan Duong, Pierce Helton, Ashley Dowling, Xin
Li, Khoa Luu | CoMaL: Conditional Maximum Likelihood Approach to Self-supervised Domain
Adaptation in Long-tail Semantic Segmentation | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The research in self-supervised domain adaptation in semantic segmentation
has recently received considerable attention. Although GAN-based methods have
become one of the most popular approaches to domain adaptation, they have
suffered from some limitations. They are insufficient to model both global and
local structures of a given image, especially in small regions of tail classes.
Moreover, they perform bad on the tail classes containing limited number of
pixels or less training samples. In order to address these issues, we present a
new self-supervised domain adaptation approach to tackle long-tail semantic
segmentation in this paper. Firstly, a new metric is introduced to formulate
long-tail domain adaptation in the segmentation problem. Secondly, a new
Conditional Maximum Likelihood (CoMaL) approach in an autoregressive framework
is presented to solve the problem of long-tail domain adaptation. Although
other segmentation methods work under the pixel independence assumption, the
long-tailed pixel distributions in CoMaL are generally solved in the context of
structural dependency, as that is more realistic. Finally, the proposed method
is evaluated on popular large-scale semantic segmentation benchmarks, i.e.,
"SYNTHIA to Cityscapes" and "GTA to Cityscapes", and outperforms the prior
methods by a large margin in both the standard and the proposed evaluation
protocols.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 20:06:44 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Truong",
"Thanh-Dat",
""
],
[
"Duong",
"Chi Nhan",
""
],
[
"Helton",
"Pierce",
""
],
[
"Dowling",
"Ashley",
""
],
[
"Li",
"Xin",
""
],
[
"Luu",
"Khoa",
""
]
] | TITLE: CoMaL: Conditional Maximum Likelihood Approach to Self-supervised Domain
Adaptation in Long-tail Semantic Segmentation
ABSTRACT: The research in self-supervised domain adaptation in semantic segmentation
has recently received considerable attention. Although GAN-based methods have
become one of the most popular approaches to domain adaptation, they have
suffered from some limitations. They are insufficient to model both global and
local structures of a given image, especially in small regions of tail classes.
Moreover, they perform bad on the tail classes containing limited number of
pixels or less training samples. In order to address these issues, we present a
new self-supervised domain adaptation approach to tackle long-tail semantic
segmentation in this paper. Firstly, a new metric is introduced to formulate
long-tail domain adaptation in the segmentation problem. Secondly, a new
Conditional Maximum Likelihood (CoMaL) approach in an autoregressive framework
is presented to solve the problem of long-tail domain adaptation. Although
other segmentation methods work under the pixel independence assumption, the
long-tailed pixel distributions in CoMaL are generally solved in the context of
structural dependency, as that is more realistic. Finally, the proposed method
is evaluated on popular large-scale semantic segmentation benchmarks, i.e.,
"SYNTHIA to Cityscapes" and "GTA to Cityscapes", and outperforms the prior
methods by a large margin in both the standard and the proposed evaluation
protocols.
| no_new_dataset | 0.948298 |
2304.07374 | Waqar Ahmed | Waqar Ahmed, Pietro Morerio and Vittorio Murino | Continual Source-Free Unsupervised Domain Adaptation | Accepted at International Conference on Image Analysis and
Processing, 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Existing Source-free Unsupervised Domain Adaptation (SUDA) approaches
inherently exhibit catastrophic forgetting. Typically, models trained on a
labeled source domain and adapted to unlabeled target data improve performance
on the target while dropping performance on the source, which is not available
during adaptation. In this study, our goal is to cope with the challenging
problem of SUDA in a continual learning setting, i.e., adapting to the
target(s) with varying distributional shifts while maintaining performance on
the source. The proposed framework consists of two main stages: i) a SUDA model
yielding cleaner target labels -- favoring good performance on target, and ii)
a novel method for synthesizing class-conditioned source-style images by
leveraging only the source model and pseudo-labeled target data as a prior. An
extensive pool of experiments on major benchmarks, e.g., PACS, Visda-C, and
DomainNet demonstrates that the proposed Continual SUDA (C-SUDA) framework
enables preserving satisfactory performance on the source domain without
exploiting the source data at all.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 20:11:05 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ahmed",
"Waqar",
""
],
[
"Morerio",
"Pietro",
""
],
[
"Murino",
"Vittorio",
""
]
] | TITLE: Continual Source-Free Unsupervised Domain Adaptation
ABSTRACT: Existing Source-free Unsupervised Domain Adaptation (SUDA) approaches
inherently exhibit catastrophic forgetting. Typically, models trained on a
labeled source domain and adapted to unlabeled target data improve performance
on the target while dropping performance on the source, which is not available
during adaptation. In this study, our goal is to cope with the challenging
problem of SUDA in a continual learning setting, i.e., adapting to the
target(s) with varying distributional shifts while maintaining performance on
the source. The proposed framework consists of two main stages: i) a SUDA model
yielding cleaner target labels -- favoring good performance on target, and ii)
a novel method for synthesizing class-conditioned source-style images by
leveraging only the source model and pseudo-labeled target data as a prior. An
extensive pool of experiments on major benchmarks, e.g., PACS, Visda-C, and
DomainNet demonstrates that the proposed Continual SUDA (C-SUDA) framework
enables preserving satisfactory performance on the source domain without
exploiting the source data at all.
| no_new_dataset | 0.948917 |
2304.07382 | Souvika Sarkar | Souvika Sarkar and Dongji Feng and Shubhra Kanti Karmaker Santu | Zero-Shot Multi-Label Topic Inference with Sentence Encoders | null | null | null | null | cs.CL cs.IR | http://creativecommons.org/licenses/by/4.0/ | Sentence encoders have indeed been shown to achieve superior performances for
many downstream text-mining tasks and, thus, claimed to be fairly general.
Inspired by this, we performed a detailed study on how to leverage these
sentence encoders for the "zero-shot topic inference" task, where the topics
are defined/provided by the users in real-time. Extensive experiments on seven
different datasets demonstrate that Sentence-BERT demonstrates superior
generality compared to other encoders, while Universal Sentence Encoder can be
preferred when efficiency is a top priority.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 20:27:09 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Sarkar",
"Souvika",
""
],
[
"Feng",
"Dongji",
""
],
[
"Santu",
"Shubhra Kanti Karmaker",
""
]
] | TITLE: Zero-Shot Multi-Label Topic Inference with Sentence Encoders
ABSTRACT: Sentence encoders have indeed been shown to achieve superior performances for
many downstream text-mining tasks and, thus, claimed to be fairly general.
Inspired by this, we performed a detailed study on how to leverage these
sentence encoders for the "zero-shot topic inference" task, where the topics
are defined/provided by the users in real-time. Extensive experiments on seven
different datasets demonstrate that Sentence-BERT demonstrates superior
generality compared to other encoders, while Universal Sentence Encoder can be
preferred when efficiency is a top priority.
| no_new_dataset | 0.950641 |
2304.07389 | Rohan Sarkar | Rohan Sarkar, Achal Dave, Gerard Medioni, Benjamin Biggs | Shape of You: Precise 3D shape estimations for diverse body types | null | null | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | This paper presents Shape of You (SoY), an approach to improve the accuracy
of 3D body shape estimation for vision-based clothing recommendation systems.
While existing methods have successfully estimated 3D poses, there remains a
lack of work in precise shape estimation, particularly for diverse human
bodies. To address this gap, we propose two loss functions that can be readily
integrated into parametric 3D human reconstruction pipelines. Additionally, we
propose a test-time optimization routine that further improves quality. Our
method improves over the recent SHAPY method by 17.7% on the challenging SSP-3D
dataset. We consider our work to be a step towards a more accurate 3D shape
estimation system that works reliably on diverse body types and holds promise
for practical applications in the fashion industry.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 20:53:16 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Sarkar",
"Rohan",
""
],
[
"Dave",
"Achal",
""
],
[
"Medioni",
"Gerard",
""
],
[
"Biggs",
"Benjamin",
""
]
] | TITLE: Shape of You: Precise 3D shape estimations for diverse body types
ABSTRACT: This paper presents Shape of You (SoY), an approach to improve the accuracy
of 3D body shape estimation for vision-based clothing recommendation systems.
While existing methods have successfully estimated 3D poses, there remains a
lack of work in precise shape estimation, particularly for diverse human
bodies. To address this gap, we propose two loss functions that can be readily
integrated into parametric 3D human reconstruction pipelines. Additionally, we
propose a test-time optimization routine that further improves quality. Our
method improves over the recent SHAPY method by 17.7% on the challenging SSP-3D
dataset. We consider our work to be a step towards a more accurate 3D shape
estimation system that works reliably on diverse body types and holds promise
for practical applications in the fashion industry.
| no_new_dataset | 0.949106 |
2304.07410 | Samaneh Azadi | Samaneh Azadi, Thomas Hayes, Akbar Shah, Guan Pang, Devi Parikh, Sonal
Gupta | Text-Conditional Contextualized Avatars For Zero-Shot Personalization | null | null | null | null | cs.CV cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recent large-scale text-to-image generation models have made significant
improvements in the quality, realism, and diversity of the synthesized images
and enable users to control the created content through language. However, the
personalization aspect of these generative models is still challenging and
under-explored. In this work, we propose a pipeline that enables
personalization of image generation with avatars capturing a user's identity in
a delightful way. Our pipeline is zero-shot, avatar texture and style agnostic,
and does not require training on the avatar at all - it is scalable to millions
of users who can generate a scene with their avatar. To render the avatar in a
pose faithful to the given text prompt, we propose a novel text-to-3D pose
diffusion model trained on a curated large-scale dataset of in-the-wild human
poses improving the performance of the SOTA text-to-motion models
significantly. We show, for the first time, how to leverage large-scale image
datasets to learn human 3D pose parameters and overcome the limitations of
motion capture datasets.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 22:00:44 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Azadi",
"Samaneh",
""
],
[
"Hayes",
"Thomas",
""
],
[
"Shah",
"Akbar",
""
],
[
"Pang",
"Guan",
""
],
[
"Parikh",
"Devi",
""
],
[
"Gupta",
"Sonal",
""
]
] | TITLE: Text-Conditional Contextualized Avatars For Zero-Shot Personalization
ABSTRACT: Recent large-scale text-to-image generation models have made significant
improvements in the quality, realism, and diversity of the synthesized images
and enable users to control the created content through language. However, the
personalization aspect of these generative models is still challenging and
under-explored. In this work, we propose a pipeline that enables
personalization of image generation with avatars capturing a user's identity in
a delightful way. Our pipeline is zero-shot, avatar texture and style agnostic,
and does not require training on the avatar at all - it is scalable to millions
of users who can generate a scene with their avatar. To render the avatar in a
pose faithful to the given text prompt, we propose a novel text-to-3D pose
diffusion model trained on a curated large-scale dataset of in-the-wild human
poses improving the performance of the SOTA text-to-motion models
significantly. We show, for the first time, how to leverage large-scale image
datasets to learn human 3D pose parameters and overcome the limitations of
motion capture datasets.
| new_dataset | 0.68595 |
2304.07413 | Samson Zhou | Yeshwanth Cherapanamjeri and Sandeep Silwal and David P. Woodruff and
Fred Zhang and Qiuyi Zhang and Samson Zhou | Robust Algorithms on Adaptive Inputs from Bounded Adversaries | null | null | null | null | cs.DS | http://creativecommons.org/licenses/by/4.0/ | We study dynamic algorithms robust to adaptive input generated from sources
with bounded capabilities, such as sparsity or limited interaction. For
example, we consider robust linear algebraic algorithms when the updates to the
input are sparse but given by an adversary with access to a query oracle. We
also study robust algorithms in the standard centralized setting, where an
adversary queries an algorithm in an adaptive manner, but the number of
interactions between the adversary and the algorithm is bounded. We first
recall a unified framework of [HKM+20, BKM+22, ACSS23] for answering $Q$
adaptive queries that incurs $\widetilde{\mathcal{O}}(\sqrt{Q})$ overhead in
space, which is roughly a quadratic improvement over the na\"{i}ve
implementation, and only incurs a logarithmic overhead in query time. Although
the general framework has diverse applications in machine learning and data
science, such as adaptive distance estimation, kernel density estimation,
linear regression, range queries, and point queries and serves as a preliminary
benchmark, we demonstrate even better algorithmic improvements for (1) reducing
the pre-processing time for adaptive distance estimation and (2) permitting an
unlimited number of adaptive queries for kernel density estimation. Finally, we
complement our theoretical results with additional empirical evaluations.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 22:13:54 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Cherapanamjeri",
"Yeshwanth",
""
],
[
"Silwal",
"Sandeep",
""
],
[
"Woodruff",
"David P.",
""
],
[
"Zhang",
"Fred",
""
],
[
"Zhang",
"Qiuyi",
""
],
[
"Zhou",
"Samson",
""
]
] | TITLE: Robust Algorithms on Adaptive Inputs from Bounded Adversaries
ABSTRACT: We study dynamic algorithms robust to adaptive input generated from sources
with bounded capabilities, such as sparsity or limited interaction. For
example, we consider robust linear algebraic algorithms when the updates to the
input are sparse but given by an adversary with access to a query oracle. We
also study robust algorithms in the standard centralized setting, where an
adversary queries an algorithm in an adaptive manner, but the number of
interactions between the adversary and the algorithm is bounded. We first
recall a unified framework of [HKM+20, BKM+22, ACSS23] for answering $Q$
adaptive queries that incurs $\widetilde{\mathcal{O}}(\sqrt{Q})$ overhead in
space, which is roughly a quadratic improvement over the na\"{i}ve
implementation, and only incurs a logarithmic overhead in query time. Although
the general framework has diverse applications in machine learning and data
science, such as adaptive distance estimation, kernel density estimation,
linear regression, range queries, and point queries and serves as a preliminary
benchmark, we demonstrate even better algorithmic improvements for (1) reducing
the pre-processing time for adaptive distance estimation and (2) permitting an
unlimited number of adaptive queries for kernel density estimation. Finally, we
complement our theoretical results with additional empirical evaluations.
| no_new_dataset | 0.938237 |
2304.07421 | Liangqi Yuan | Liangqi Yuan and Yunsheng Ma and Lu Su and Ziran Wang | Peer-to-Peer Federated Continual Learning for Naturalistic Driving
Action Recognition | CVPRW 2023 | null | null | null | cs.LG cs.CV | http://creativecommons.org/licenses/by/4.0/ | Naturalistic driving action recognition (NDAR) has proven to be an effective
method for detecting driver distraction and reducing the risk of traffic
accidents. However, the intrusive design of in-cabin cameras raises concerns
about driver privacy. To address this issue, we propose a novel peer-to-peer
(P2P) federated learning (FL) framework with continual learning, namely FedPC,
which ensures privacy and enhances learning efficiency while reducing
communication, computational, and storage overheads. Our framework focuses on
addressing the clients' objectives within a serverless FL framework, with the
goal of delivering personalized and accurate NDAR models. We demonstrate and
evaluate the performance of FedPC on two real-world NDAR datasets, including
the State Farm Distracted Driver Detection and Track 3 NDAR dataset in the 2023
AICity Challenge. The results of our experiments highlight the strong
competitiveness of FedPC compared to the conventional client-to-server (C2S)
FLs in terms of performance, knowledge dissemination rate, and compatibility
with new clients.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 22:54:43 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Yuan",
"Liangqi",
""
],
[
"Ma",
"Yunsheng",
""
],
[
"Su",
"Lu",
""
],
[
"Wang",
"Ziran",
""
]
] | TITLE: Peer-to-Peer Federated Continual Learning for Naturalistic Driving
Action Recognition
ABSTRACT: Naturalistic driving action recognition (NDAR) has proven to be an effective
method for detecting driver distraction and reducing the risk of traffic
accidents. However, the intrusive design of in-cabin cameras raises concerns
about driver privacy. To address this issue, we propose a novel peer-to-peer
(P2P) federated learning (FL) framework with continual learning, namely FedPC,
which ensures privacy and enhances learning efficiency while reducing
communication, computational, and storage overheads. Our framework focuses on
addressing the clients' objectives within a serverless FL framework, with the
goal of delivering personalized and accurate NDAR models. We demonstrate and
evaluate the performance of FedPC on two real-world NDAR datasets, including
the State Farm Distracted Driver Detection and Track 3 NDAR dataset in the 2023
AICity Challenge. The results of our experiments highlight the strong
competitiveness of FedPC compared to the conventional client-to-server (C2S)
FLs in terms of performance, knowledge dissemination rate, and compatibility
with new clients.
| no_new_dataset | 0.944944 |
2304.07422 | Yiqin Deng | Yiqin Deng, Haixia Zhang, Xianhao Chen, and Yuguang Fang | Spectrum-aware Multi-hop Task Routing in Vehicle-assisted Collaborative
Edge Computing | null | null | null | null | cs.DC | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Multi-access edge computing (MEC) is a promising technology to enhance the
quality of service, particularly for low-latency services, by enabling
computing offloading to edge servers (ESs) in close proximity. To avoid network
congestion, collaborative edge computing has become an emerging paradigm to
enable different ESs to collaboratively share their data and computation
resources. However, most papers in collaborative edge computing only allow
one-hop offloading, which may limit computing resource sharing due to either
poor channel conditions or computing workload at ESs one-hop away. By allowing
ESs multi-hop away to also share the computing workload, a multi-hop MEC
enables more ESs to share their computing resources. Inspired by this
observation, in this paper, we propose to leverage omnipresent vehicles in a
city to form a data transportation network for task delivery in a multi-hop
fashion. Here, we propose a general multi-hop task offloading framework for
vehicle-assisted MEC where tasks from users can be offloaded to powerful ESs
via potentially multi-hop transmissions. Under the proposed framework, we
develop a reinforcement learning based task offloading approach to address the
curse of dimensionality problem due to vehicular mobility and channel
variability, with the goal to maximize the aggregated service throughput under
constraints on end-to-end latency, spectrum, and computing resources. Numerical
results demonstrate that the proposed algorithm achieves excellent performance
with low complexity and outperforms existing benchmark schemes.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 23:07:34 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Deng",
"Yiqin",
""
],
[
"Zhang",
"Haixia",
""
],
[
"Chen",
"Xianhao",
""
],
[
"Fang",
"Yuguang",
""
]
] | TITLE: Spectrum-aware Multi-hop Task Routing in Vehicle-assisted Collaborative
Edge Computing
ABSTRACT: Multi-access edge computing (MEC) is a promising technology to enhance the
quality of service, particularly for low-latency services, by enabling
computing offloading to edge servers (ESs) in close proximity. To avoid network
congestion, collaborative edge computing has become an emerging paradigm to
enable different ESs to collaboratively share their data and computation
resources. However, most papers in collaborative edge computing only allow
one-hop offloading, which may limit computing resource sharing due to either
poor channel conditions or computing workload at ESs one-hop away. By allowing
ESs multi-hop away to also share the computing workload, a multi-hop MEC
enables more ESs to share their computing resources. Inspired by this
observation, in this paper, we propose to leverage omnipresent vehicles in a
city to form a data transportation network for task delivery in a multi-hop
fashion. Here, we propose a general multi-hop task offloading framework for
vehicle-assisted MEC where tasks from users can be offloaded to powerful ESs
via potentially multi-hop transmissions. Under the proposed framework, we
develop a reinforcement learning based task offloading approach to address the
curse of dimensionality problem due to vehicular mobility and channel
variability, with the goal to maximize the aggregated service throughput under
constraints on end-to-end latency, spectrum, and computing resources. Numerical
results demonstrate that the proposed algorithm achieves excellent performance
with low complexity and outperforms existing benchmark schemes.
| no_new_dataset | 0.947672 |
2304.07426 | Mubariz Zaffar | Mubariz Zaffar, Liangliang Nan, Julian Francisco Pieter Kooij | CoPR: Towards Accurate Visual Localization With Continuous
Place-descriptor Regression | Published in the IEEE Transactions on Robotics, April 2023 | null | 10.1109/TRO.2023.3262106 | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Visual Place Recognition (VPR) is an image-based localization method that
estimates the camera location of a query image by retrieving the most similar
reference image from a map of geo-tagged reference images. In this work, we
look into two fundamental bottlenecks for its localization accuracy: reference
map sparseness and viewpoint invariance. Firstly, the reference images for VPR
are only available at sparse poses in a map, which enforces an upper bound on
the maximum achievable localization accuracy through VPR. We therefore propose
Continuous Place-descriptor Regression (CoPR) to densify the map and improve
localization accuracy. We study various interpolation and extrapolation models
to regress additional VPR feature descriptors from only the existing
references. Secondly, we compare different feature encoders and show that CoPR
presents value for all of them. We evaluate our models on three existing public
datasets and report on average around 30% improvement in VPR-based localization
accuracy using CoPR, on top of the 15% increase by using a viewpoint-variant
loss for the feature encoder. The complementary relation between CoPR and
Relative Pose Estimation is also discussed.
| [
{
"version": "v1",
"created": "Fri, 14 Apr 2023 23:17:44 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zaffar",
"Mubariz",
""
],
[
"Nan",
"Liangliang",
""
],
[
"Kooij",
"Julian Francisco Pieter",
""
]
] | TITLE: CoPR: Towards Accurate Visual Localization With Continuous
Place-descriptor Regression
ABSTRACT: Visual Place Recognition (VPR) is an image-based localization method that
estimates the camera location of a query image by retrieving the most similar
reference image from a map of geo-tagged reference images. In this work, we
look into two fundamental bottlenecks for its localization accuracy: reference
map sparseness and viewpoint invariance. Firstly, the reference images for VPR
are only available at sparse poses in a map, which enforces an upper bound on
the maximum achievable localization accuracy through VPR. We therefore propose
Continuous Place-descriptor Regression (CoPR) to densify the map and improve
localization accuracy. We study various interpolation and extrapolation models
to regress additional VPR feature descriptors from only the existing
references. Secondly, we compare different feature encoders and show that CoPR
presents value for all of them. We evaluate our models on three existing public
datasets and report on average around 30% improvement in VPR-based localization
accuracy using CoPR, on top of the 15% increase by using a viewpoint-variant
loss for the feature encoder. The complementary relation between CoPR and
Relative Pose Estimation is also discussed.
| no_new_dataset | 0.94743 |
2304.07437 | Sibo Wei | Sibo Wei, Wenpeng Lu, Xueping Peng, Shoujin Wang, Yi-Fei Wang and
Weiyu Zhang | Medical Question Summarization with Entity-driven Contrastive Learning | 16 pages, 4 figures | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | By summarizing longer consumer health questions into shorter and essential
ones, medical question answering (MQA) systems can more accurately understand
consumer intentions and retrieve suitable answers. However, medical question
summarization is very challenging due to obvious distinctions in health trouble
descriptions from patients and doctors. Although existing works have attempted
to utilize Seq2Seq, reinforcement learning, or contrastive learning to solve
the problem, two challenges remain: how to correctly capture question focus to
model its semantic intention, and how to obtain reliable datasets to fairly
evaluate performance. To address these challenges, this paper proposes a novel
medical question summarization framework using entity-driven contrastive
learning (ECL). ECL employs medical entities in frequently asked questions
(FAQs) as focuses and devises an effective mechanism to generate hard negative
samples. This approach forces models to pay attention to the crucial focus
information and generate more ideal question summarization. Additionally, we
find that some MQA datasets suffer from serious data leakage problems, such as
the iCliniq dataset's 33% duplicate rate. To evaluate the related methods
fairly, this paper carefully checks leaked samples to reorganize more
reasonable datasets. Extensive experiments demonstrate that our ECL method
outperforms state-of-the-art methods by accurately capturing question focus and
generating medical question summaries. The code and datasets are available at
https://github.com/yrbobo/MQS-ECL.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 00:19:03 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wei",
"Sibo",
""
],
[
"Lu",
"Wenpeng",
""
],
[
"Peng",
"Xueping",
""
],
[
"Wang",
"Shoujin",
""
],
[
"Wang",
"Yi-Fei",
""
],
[
"Zhang",
"Weiyu",
""
]
] | TITLE: Medical Question Summarization with Entity-driven Contrastive Learning
ABSTRACT: By summarizing longer consumer health questions into shorter and essential
ones, medical question answering (MQA) systems can more accurately understand
consumer intentions and retrieve suitable answers. However, medical question
summarization is very challenging due to obvious distinctions in health trouble
descriptions from patients and doctors. Although existing works have attempted
to utilize Seq2Seq, reinforcement learning, or contrastive learning to solve
the problem, two challenges remain: how to correctly capture question focus to
model its semantic intention, and how to obtain reliable datasets to fairly
evaluate performance. To address these challenges, this paper proposes a novel
medical question summarization framework using entity-driven contrastive
learning (ECL). ECL employs medical entities in frequently asked questions
(FAQs) as focuses and devises an effective mechanism to generate hard negative
samples. This approach forces models to pay attention to the crucial focus
information and generate more ideal question summarization. Additionally, we
find that some MQA datasets suffer from serious data leakage problems, such as
the iCliniq dataset's 33% duplicate rate. To evaluate the related methods
fairly, this paper carefully checks leaked samples to reorganize more
reasonable datasets. Extensive experiments demonstrate that our ECL method
outperforms state-of-the-art methods by accurately capturing question focus and
generating medical question summaries. The code and datasets are available at
https://github.com/yrbobo/MQS-ECL.
| no_new_dataset | 0.943764 |
2304.07442 | Ankit Kulshrestha | Ankit Kulshrestha, Xiaoyuan Liu, Hayato Ushijima-Mwesigwa, Ilya Safro | Learning To Optimize Quantum Neural Network Without Gradients | null | null | null | null | quant-ph cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Quantum Machine Learning is an emerging sub-field in machine learning where
one of the goals is to perform pattern recognition tasks by encoding data into
quantum states. This extension from classical to quantum domain has been made
possible due to the development of hybrid quantum-classical algorithms that
allow a parameterized quantum circuit to be optimized using gradient based
algorithms that run on a classical computer. The similarities in training of
these hybrid algorithms and classical neural networks has further led to the
development of Quantum Neural Networks (QNNs). However, in the current training
regime for QNNs, the gradients w.r.t objective function have to be computed on
the quantum device. This computation is highly non-scalable and is affected by
hardware and sampling noise present in the current generation of quantum
hardware. In this paper, we propose a training algorithm that does not rely on
gradient information. Specifically, we introduce a novel meta-optimization
algorithm that trains a \emph{meta-optimizer} network to output parameters for
the quantum circuit such that the objective function is minimized. We
empirically and theoretically show that we achieve a better quality minima in
fewer circuit evaluations than existing gradient based algorithms on different
datasets.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 01:09:12 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kulshrestha",
"Ankit",
""
],
[
"Liu",
"Xiaoyuan",
""
],
[
"Ushijima-Mwesigwa",
"Hayato",
""
],
[
"Safro",
"Ilya",
""
]
] | TITLE: Learning To Optimize Quantum Neural Network Without Gradients
ABSTRACT: Quantum Machine Learning is an emerging sub-field in machine learning where
one of the goals is to perform pattern recognition tasks by encoding data into
quantum states. This extension from classical to quantum domain has been made
possible due to the development of hybrid quantum-classical algorithms that
allow a parameterized quantum circuit to be optimized using gradient based
algorithms that run on a classical computer. The similarities in training of
these hybrid algorithms and classical neural networks has further led to the
development of Quantum Neural Networks (QNNs). However, in the current training
regime for QNNs, the gradients w.r.t objective function have to be computed on
the quantum device. This computation is highly non-scalable and is affected by
hardware and sampling noise present in the current generation of quantum
hardware. In this paper, we propose a training algorithm that does not rely on
gradient information. Specifically, we introduce a novel meta-optimization
algorithm that trains a \emph{meta-optimizer} network to output parameters for
the quantum circuit such that the objective function is minimized. We
empirically and theoretically show that we achieve a better quality minima in
fewer circuit evaluations than existing gradient based algorithms on different
datasets.
| no_new_dataset | 0.947624 |
2304.07450 | Jiayu Li | Jiayu Li, Peijie Sun, Zhefan Wang, Weizhi Ma, Yangkun Li, Min Zhang,
Zhoutian Feng, Daiyue Xue | Intent-aware Ranking Ensemble for Personalized Recommendation | Accepted at the 46th International ACM SIGIR Conference on Research
and Development in Information Retrieval (SIGIR 2023) | null | null | null | cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Ranking ensemble is a critical component in real recommender systems. When a
user visits a platform, the system will prepare several item lists, each of
which is generally from a single behavior objective recommendation model. As
multiple behavior intents, e.g., both clicking and buying some specific item
category, are commonly concurrent in a user visit, it is necessary to integrate
multiple single-objective ranking lists into one. However, previous work on
rank aggregation mainly focused on fusing homogeneous item lists with the same
objective while ignoring ensemble of heterogeneous lists ranked with different
objectives with various user intents.
In this paper, we treat a user's possible behaviors and the potential
interacting item categories as the user's intent. And we aim to study how to
fuse candidate item lists generated from different objectives aware of user
intents. To address such a task, we propose an Intent-aware ranking Ensemble
Learning~(IntEL) model to fuse multiple single-objective item lists with
various user intents, in which item-level personalized weights are learned.
Furthermore, we theoretically prove the effectiveness of IntEL with point-wise,
pair-wise, and list-wise loss functions via error-ambiguity decomposition.
Experiments on two large-scale real-world datasets also show significant
improvements of IntEL on multiple behavior objectives simultaneously compared
to previous ranking ensemble models.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 02:25:01 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Li",
"Jiayu",
""
],
[
"Sun",
"Peijie",
""
],
[
"Wang",
"Zhefan",
""
],
[
"Ma",
"Weizhi",
""
],
[
"Li",
"Yangkun",
""
],
[
"Zhang",
"Min",
""
],
[
"Feng",
"Zhoutian",
""
],
[
"Xue",
"Daiyue",
""
]
] | TITLE: Intent-aware Ranking Ensemble for Personalized Recommendation
ABSTRACT: Ranking ensemble is a critical component in real recommender systems. When a
user visits a platform, the system will prepare several item lists, each of
which is generally from a single behavior objective recommendation model. As
multiple behavior intents, e.g., both clicking and buying some specific item
category, are commonly concurrent in a user visit, it is necessary to integrate
multiple single-objective ranking lists into one. However, previous work on
rank aggregation mainly focused on fusing homogeneous item lists with the same
objective while ignoring ensemble of heterogeneous lists ranked with different
objectives with various user intents.
In this paper, we treat a user's possible behaviors and the potential
interacting item categories as the user's intent. And we aim to study how to
fuse candidate item lists generated from different objectives aware of user
intents. To address such a task, we propose an Intent-aware ranking Ensemble
Learning~(IntEL) model to fuse multiple single-objective item lists with
various user intents, in which item-level personalized weights are learned.
Furthermore, we theoretically prove the effectiveness of IntEL with point-wise,
pair-wise, and list-wise loss functions via error-ambiguity decomposition.
Experiments on two large-scale real-world datasets also show significant
improvements of IntEL on multiple behavior objectives simultaneously compared
to previous ranking ensemble models.
| no_new_dataset | 0.95222 |
2304.07453 | Kwei-Herng Lai | Kwei-Herng Lai, Lan Wang, Huiyuan Chen, Kaixiong Zhou, Fei Wang, Hao
Yang, Xia Hu | Context-aware Domain Adaptation for Time Series Anomaly Detection | null | null | null | null | cs.LG cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Time series anomaly detection is a challenging task with a wide range of
real-world applications. Due to label sparsity, training a deep anomaly
detector often relies on unsupervised approaches. Recent efforts have been
devoted to time series domain adaptation to leverage knowledge from similar
domains. However, existing solutions may suffer from negative knowledge
transfer on anomalies due to their diversity and sparsity. Motivated by the
empirical study of context alignment between two domains, we aim to transfer
knowledge between two domains via adaptively sampling context information for
two domains. This is challenging because it requires simultaneously modeling
the complex in-domain temporal dependencies and cross-domain correlations while
exploiting label information from the source domain. To this end, we propose a
framework that combines context sampling and anomaly detection into a joint
learning procedure. We formulate context sampling into the Markov decision
process and exploit deep reinforcement learning to optimize the time series
domain adaptation process via context sampling and design a tailored reward
function to generate domain-invariant features that better align two domains
for anomaly detection. Experiments on three public datasets show promise for
knowledge transfer between two similar domains and two entirely different
domains.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 02:28:58 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Lai",
"Kwei-Herng",
""
],
[
"Wang",
"Lan",
""
],
[
"Chen",
"Huiyuan",
""
],
[
"Zhou",
"Kaixiong",
""
],
[
"Wang",
"Fei",
""
],
[
"Yang",
"Hao",
""
],
[
"Hu",
"Xia",
""
]
] | TITLE: Context-aware Domain Adaptation for Time Series Anomaly Detection
ABSTRACT: Time series anomaly detection is a challenging task with a wide range of
real-world applications. Due to label sparsity, training a deep anomaly
detector often relies on unsupervised approaches. Recent efforts have been
devoted to time series domain adaptation to leverage knowledge from similar
domains. However, existing solutions may suffer from negative knowledge
transfer on anomalies due to their diversity and sparsity. Motivated by the
empirical study of context alignment between two domains, we aim to transfer
knowledge between two domains via adaptively sampling context information for
two domains. This is challenging because it requires simultaneously modeling
the complex in-domain temporal dependencies and cross-domain correlations while
exploiting label information from the source domain. To this end, we propose a
framework that combines context sampling and anomaly detection into a joint
learning procedure. We formulate context sampling into the Markov decision
process and exploit deep reinforcement learning to optimize the time series
domain adaptation process via context sampling and design a tailored reward
function to generate domain-invariant features that better align two domains
for anomaly detection. Experiments on three public datasets show promise for
knowledge transfer between two similar domains and two entirely different
domains.
| no_new_dataset | 0.945651 |
2304.07465 | Xiangtao Wang | Ruizhi Wang, Xiangtao Wang, Zhenghua Xu, Wenting Xu, Junyang Chen,
Thomas Lukasiewicz | MvCo-DoT:Multi-View Contrastive Domain Transfer Network for Medical
Report Generation | Received by the ICASSP2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In clinical scenarios, multiple medical images with different views are
usually generated at the same time, and they have high semantic consistency.
However, the existing medical report generation methods cannot exploit the rich
multi-view mutual information of medical images. Therefore, in this work, we
propose the first multi-view medical report generation model, called MvCo-DoT.
Specifically, MvCo-DoT first propose a multi-view contrastive learning (MvCo)
strategy to help the deep reinforcement learning based model utilize the
consistency of multi-view inputs for better model learning. Then, to close the
performance gaps of using multi-view and single-view inputs, a domain transfer
network is further proposed to ensure MvCo-DoT achieve almost the same
performance as multi-view inputs using only single-view inputs.Extensive
experiments on the IU X-Ray public dataset show that MvCo-DoT outperforms the
SOTA medical report generation baselines in all metrics.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 03:42:26 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wang",
"Ruizhi",
""
],
[
"Wang",
"Xiangtao",
""
],
[
"Xu",
"Zhenghua",
""
],
[
"Xu",
"Wenting",
""
],
[
"Chen",
"Junyang",
""
],
[
"Lukasiewicz",
"Thomas",
""
]
] | TITLE: MvCo-DoT:Multi-View Contrastive Domain Transfer Network for Medical
Report Generation
ABSTRACT: In clinical scenarios, multiple medical images with different views are
usually generated at the same time, and they have high semantic consistency.
However, the existing medical report generation methods cannot exploit the rich
multi-view mutual information of medical images. Therefore, in this work, we
propose the first multi-view medical report generation model, called MvCo-DoT.
Specifically, MvCo-DoT first propose a multi-view contrastive learning (MvCo)
strategy to help the deep reinforcement learning based model utilize the
consistency of multi-view inputs for better model learning. Then, to close the
performance gaps of using multi-view and single-view inputs, a domain transfer
network is further proposed to ensure MvCo-DoT achieve almost the same
performance as multi-view inputs using only single-view inputs.Extensive
experiments on the IU X-Ray public dataset show that MvCo-DoT outperforms the
SOTA medical report generation baselines in all metrics.
| no_new_dataset | 0.945901 |
2304.07470 | Vrizlynn L. L. Thing | Rahul Kale, Vrizlynn L. L. Thing | Few-shot Weakly-supervised Cybersecurity Anomaly Detection | Computer and Security (Elsevier) | null | 10.1016/j.cose.2023.103194 | null | cs.CR cs.AI cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | With increased reliance on Internet based technologies, cyberattacks
compromising users' sensitive data are becoming more prevalent. The scale and
frequency of these attacks are escalating rapidly, affecting systems and
devices connected to the Internet. The traditional defense mechanisms may not
be sufficiently equipped to handle the complex and ever-changing new threats.
The significant breakthroughs in the machine learning methods including deep
learning, had attracted interests from the cybersecurity research community for
further enhancements in the existing anomaly detection methods. Unfortunately,
collecting labelled anomaly data for all new evolving and sophisticated attacks
is not practical. Training and tuning the machine learning model for anomaly
detection using only a handful of labelled data samples is a pragmatic
approach. Therefore, few-shot weakly supervised anomaly detection is an
encouraging research direction. In this paper, we propose an enhancement to an
existing few-shot weakly-supervised deep learning anomaly detection framework.
This framework incorporates data augmentation, representation learning and
ordinal regression. We then evaluated and showed the performance of our
implemented framework on three benchmark datasets: NSL-KDD, CIC-IDS2018, and
TON_IoT.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 04:37:54 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kale",
"Rahul",
""
],
[
"Thing",
"Vrizlynn L. L.",
""
]
] | TITLE: Few-shot Weakly-supervised Cybersecurity Anomaly Detection
ABSTRACT: With increased reliance on Internet based technologies, cyberattacks
compromising users' sensitive data are becoming more prevalent. The scale and
frequency of these attacks are escalating rapidly, affecting systems and
devices connected to the Internet. The traditional defense mechanisms may not
be sufficiently equipped to handle the complex and ever-changing new threats.
The significant breakthroughs in the machine learning methods including deep
learning, had attracted interests from the cybersecurity research community for
further enhancements in the existing anomaly detection methods. Unfortunately,
collecting labelled anomaly data for all new evolving and sophisticated attacks
is not practical. Training and tuning the machine learning model for anomaly
detection using only a handful of labelled data samples is a pragmatic
approach. Therefore, few-shot weakly supervised anomaly detection is an
encouraging research direction. In this paper, we propose an enhancement to an
existing few-shot weakly-supervised deep learning anomaly detection framework.
This framework incorporates data augmentation, representation learning and
ordinal regression. We then evaluated and showed the performance of our
implemented framework on three benchmark datasets: NSL-KDD, CIC-IDS2018, and
TON_IoT.
| no_new_dataset | 0.948251 |
2304.07492 | Yong Niu | Shaoyou Ao, Yong Niu, Zhu Han, Bo Ai, Zhangdui Zhong, Ning Wang,
Yuanyuan Qiao | Resource Allocation for RIS-Assisted Device-to-Device Communications in
Heterogeneous Cellular Networks | 14 pages, 7 Figures, to appear in IEEE Transactions on Vehicular
Technology | null | null | null | cs.IT cs.NI math.IT | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In recent years, with the explosive growth of data traffic, communication
base stations (BSs) need to serve more and more users. Offloading traffic from
BSs has become an efficient way to reduce the burden on BSs. Device-to-Device
(D2D) communications have emerged to improve spectrum utilization by reusing
the frequency spectrum of the cellular frequency band. In the general
environment, Heterogeneous Cellular Networks (HCNs) including millimeter wave
(mm-wave) have appeared. Since the D2D link allows to share of spectrum
resources with the cellular user, it will bring potential interference to the
cellular user. Fortunately, an emerging technology called Reconfigurable
Intelligent Surface (RIS) can mitigate the severe interference caused by D2D
links by shaping the incident beam and improving the multipath phase shift. In
this paper, we study the resource allocation scheme to maximize the system sum
rate, in the RISassisted single-cell heterogeneous D2D communication scenario.
To solve the Block Coordinate Descent (BCD) problem, the problem of maximizing
the sum rate is decomposed into three sub-problems. The resource allocation
sub-problem is solved by a coalitional game method based on the game theory.
The power allocation problem of the coalition converts the concave function
into a convex optimization by mathematical transformation. The problem is
solved by the gradient descent method. The local search method is adopted to
find the optimum for the phase conversion problem. Then iterate until the
difference of sum rate is less than the threshold. The simulation results show
that the designed algorithm is superior to other benchmark schemes in the
literature.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 07:08:16 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ao",
"Shaoyou",
""
],
[
"Niu",
"Yong",
""
],
[
"Han",
"Zhu",
""
],
[
"Ai",
"Bo",
""
],
[
"Zhong",
"Zhangdui",
""
],
[
"Wang",
"Ning",
""
],
[
"Qiao",
"Yuanyuan",
""
]
] | TITLE: Resource Allocation for RIS-Assisted Device-to-Device Communications in
Heterogeneous Cellular Networks
ABSTRACT: In recent years, with the explosive growth of data traffic, communication
base stations (BSs) need to serve more and more users. Offloading traffic from
BSs has become an efficient way to reduce the burden on BSs. Device-to-Device
(D2D) communications have emerged to improve spectrum utilization by reusing
the frequency spectrum of the cellular frequency band. In the general
environment, Heterogeneous Cellular Networks (HCNs) including millimeter wave
(mm-wave) have appeared. Since the D2D link allows to share of spectrum
resources with the cellular user, it will bring potential interference to the
cellular user. Fortunately, an emerging technology called Reconfigurable
Intelligent Surface (RIS) can mitigate the severe interference caused by D2D
links by shaping the incident beam and improving the multipath phase shift. In
this paper, we study the resource allocation scheme to maximize the system sum
rate, in the RISassisted single-cell heterogeneous D2D communication scenario.
To solve the Block Coordinate Descent (BCD) problem, the problem of maximizing
the sum rate is decomposed into three sub-problems. The resource allocation
sub-problem is solved by a coalitional game method based on the game theory.
The power allocation problem of the coalition converts the concave function
into a convex optimization by mathematical transformation. The problem is
solved by the gradient descent method. The local search method is adopted to
find the optimum for the phase conversion problem. Then iterate until the
difference of sum rate is less than the threshold. The simulation results show
that the designed algorithm is superior to other benchmark schemes in the
literature.
| no_new_dataset | 0.950273 |
2304.07494 | Yibo Zhou | Yibo Zhou, Dongfei Cui, Xiangming Dong, Zongkai Wu, Zhenyu Wei,
Donglin Wang | BVIP Guiding System with Adaptability to Individual Differences | Submitted to IEEE International Conference on Robot and Human
Interactive Communication (RO-MAN) 2023 | null | null | null | cs.RO | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Guiding robots can not only detect close-range obstacles like other guiding
tools, but also extend its range to perceive the environment when making
decisions. However, most existing works over-simplified the interaction between
human agents and robots, ignoring the differences between individuals,
resulting in poor experiences for different users. To solve the problem, we
propose a data-driven guiding system to cope with the effect brighten by
individual differences. In our guiding system, we design a Human Motion
Predictor (HMP) and a Robot Dynamics Model (RDM) based on deep neural network,
the time convolutional network (TCN) is verified to have the best performance,
to predict differences in interaction between different human agents and
robots. To train our models, we collected datasets that records the
interactions from different human agents. Moreover, given the predictive
information of the specific user, we propose a waypoints selector that allows
the robot to naturally adapt to the user's state changes, which are mainly
reflected in the walking speed. We compare the performance of our models with
previous works and achieve significant performance improvements. On this basis,
our guiding system demonstrated good adaptability to different human agents.
Our guiding system is deployed on a real quadruped robot to verify the
practicability.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 07:14:56 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhou",
"Yibo",
""
],
[
"Cui",
"Dongfei",
""
],
[
"Dong",
"Xiangming",
""
],
[
"Wu",
"Zongkai",
""
],
[
"Wei",
"Zhenyu",
""
],
[
"Wang",
"Donglin",
""
]
] | TITLE: BVIP Guiding System with Adaptability to Individual Differences
ABSTRACT: Guiding robots can not only detect close-range obstacles like other guiding
tools, but also extend its range to perceive the environment when making
decisions. However, most existing works over-simplified the interaction between
human agents and robots, ignoring the differences between individuals,
resulting in poor experiences for different users. To solve the problem, we
propose a data-driven guiding system to cope with the effect brighten by
individual differences. In our guiding system, we design a Human Motion
Predictor (HMP) and a Robot Dynamics Model (RDM) based on deep neural network,
the time convolutional network (TCN) is verified to have the best performance,
to predict differences in interaction between different human agents and
robots. To train our models, we collected datasets that records the
interactions from different human agents. Moreover, given the predictive
information of the specific user, we propose a waypoints selector that allows
the robot to naturally adapt to the user's state changes, which are mainly
reflected in the walking speed. We compare the performance of our models with
previous works and achieve significant performance improvements. On this basis,
our guiding system demonstrated good adaptability to different human agents.
Our guiding system is deployed on a real quadruped robot to verify the
practicability.
| no_new_dataset | 0.929504 |
2304.07506 | Bingchao Wu | Bingchao Wu, Yangyuxuan Kang, Daoguang Zan, Bei Guan, Yongji Wang | Hierarchical and Contrastive Representation Learning for Knowledge-aware
Recommendation | Accepted by ICME 2023 | null | null | null | cs.IR cs.AI | http://creativecommons.org/licenses/by/4.0/ | Incorporating knowledge graph into recommendation is an effective way to
alleviate data sparsity. Most existing knowledge-aware methods usually perform
recursive embedding propagation by enumerating graph neighbors. However, the
number of nodes' neighbors grows exponentially as the hop number increases,
forcing the nodes to be aware of vast neighbors under this recursive
propagation for distilling the high-order semantic relatedness. This may induce
more harmful noise than useful information into recommendation, leading the
learned node representations to be indistinguishable from each other, that is,
the well-known over-smoothing issue. To relieve this issue, we propose a
Hierarchical and CONtrastive representation learning framework for
knowledge-aware recommendation named HiCON. Specifically, for avoiding the
exponential expansion of neighbors, we propose a hierarchical message
aggregation mechanism to interact separately with low-order neighbors and
meta-path-constrained high-order neighbors. Moreover, we also perform
cross-order contrastive learning to enforce the representations to be more
discriminative. Extensive experiments on three datasets show the remarkable
superiority of HiCON over state-of-the-art approaches.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 08:22:22 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wu",
"Bingchao",
""
],
[
"Kang",
"Yangyuxuan",
""
],
[
"Zan",
"Daoguang",
""
],
[
"Guan",
"Bei",
""
],
[
"Wang",
"Yongji",
""
]
] | TITLE: Hierarchical and Contrastive Representation Learning for Knowledge-aware
Recommendation
ABSTRACT: Incorporating knowledge graph into recommendation is an effective way to
alleviate data sparsity. Most existing knowledge-aware methods usually perform
recursive embedding propagation by enumerating graph neighbors. However, the
number of nodes' neighbors grows exponentially as the hop number increases,
forcing the nodes to be aware of vast neighbors under this recursive
propagation for distilling the high-order semantic relatedness. This may induce
more harmful noise than useful information into recommendation, leading the
learned node representations to be indistinguishable from each other, that is,
the well-known over-smoothing issue. To relieve this issue, we propose a
Hierarchical and CONtrastive representation learning framework for
knowledge-aware recommendation named HiCON. Specifically, for avoiding the
exponential expansion of neighbors, we propose a hierarchical message
aggregation mechanism to interact separately with low-order neighbors and
meta-path-constrained high-order neighbors. Moreover, we also perform
cross-order contrastive learning to enforce the representations to be more
discriminative. Extensive experiments on three datasets show the remarkable
superiority of HiCON over state-of-the-art approaches.
| no_new_dataset | 0.944382 |
2304.07509 | Ning Gui Prof. dr. | Bei Lin, You Li, Ning Gui, Zhuopeng Xu, Zhiwu Yu | Multi-View Graph Representation Learning Beyond Homophily | 20 pages, 10 figures, accepted by ACM Transaction on Knowledge
Discovery in Data | null | null | null | cs.LG cs.SI | http://creativecommons.org/licenses/by/4.0/ | Unsupervised graph representation learning(GRL) aims to distill diverse graph
information into task-agnostic embeddings without label supervision. Due to a
lack of support from labels, recent representation learning methods usually
adopt self-supervised learning, and embeddings are learned by solving a
handcrafted auxiliary task(so-called pretext task). However, partially due to
the irregular non-Euclidean data in graphs, the pretext tasks are generally
designed under homophily assumptions and cornered in the low-frequency signals,
which results in significant loss of other signals, especially high-frequency
signals widespread in graphs with heterophily. Motivated by this limitation, we
propose a multi-view perspective and the usage of diverse pretext tasks to
capture different signals in graphs into embeddings. A novel framework, denoted
as Multi-view Graph Encoder(MVGE), is proposed, and a set of key designs are
identified. More specifically, a set of new pretext tasks are designed to
encode different types of signals, and a straightforward operation is
propxwosed to maintain both the commodity and personalization in both the
attribute and the structural levels. Extensive experiments on synthetic and
real-world network datasets show that the node representations learned with
MVGE achieve significant performance improvements in three different downstream
tasks, especially on graphs with heterophily. Source code is available at
\url{https://github.com/G-AILab/MVGE}.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 08:35:49 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Lin",
"Bei",
""
],
[
"Li",
"You",
""
],
[
"Gui",
"Ning",
""
],
[
"Xu",
"Zhuopeng",
""
],
[
"Yu",
"Zhiwu",
""
]
] | TITLE: Multi-View Graph Representation Learning Beyond Homophily
ABSTRACT: Unsupervised graph representation learning(GRL) aims to distill diverse graph
information into task-agnostic embeddings without label supervision. Due to a
lack of support from labels, recent representation learning methods usually
adopt self-supervised learning, and embeddings are learned by solving a
handcrafted auxiliary task(so-called pretext task). However, partially due to
the irregular non-Euclidean data in graphs, the pretext tasks are generally
designed under homophily assumptions and cornered in the low-frequency signals,
which results in significant loss of other signals, especially high-frequency
signals widespread in graphs with heterophily. Motivated by this limitation, we
propose a multi-view perspective and the usage of diverse pretext tasks to
capture different signals in graphs into embeddings. A novel framework, denoted
as Multi-view Graph Encoder(MVGE), is proposed, and a set of key designs are
identified. More specifically, a set of new pretext tasks are designed to
encode different types of signals, and a straightforward operation is
propxwosed to maintain both the commodity and personalization in both the
attribute and the structural levels. Extensive experiments on synthetic and
real-world network datasets show that the node representations learned with
MVGE achieve significant performance improvements in three different downstream
tasks, especially on graphs with heterophily. Source code is available at
\url{https://github.com/G-AILab/MVGE}.
| no_new_dataset | 0.946941 |
2304.07533 | Amrollah Seifoddini | Amrollah Seifoddini, Koen Vernooij, Timon K\"unzle, Alessandro
Canopoli, Malte Alf, Anna Volokitin, Reza Shirvany | ALiSNet: Accurate and Lightweight Human Segmentation Network for Fashion
E-Commerce | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Accurately estimating human body shape from photos can enable innovative
applications in fashion, from mass customization, to size and fit
recommendations and virtual try-on. Body silhouettes calculated from user
pictures are effective representations of the body shape for downstream tasks.
Smartphones provide a convenient way for users to capture images of their body,
and on-device image processing allows predicting body segmentation while
protecting users privacy. Existing off-the-shelf methods for human segmentation
are closed source and cannot be specialized for our application of body shape
and measurement estimation. Therefore, we create a new segmentation model by
simplifying Semantic FPN with PointRend, an existing accurate model. We
finetune this model on a high-quality dataset of humans in a restricted set of
poses relevant for our application. We obtain our final model, ALiSNet, with a
size of 4MB and 97.6$\pm$1.0$\%$ mIoU, compared to Apple Person Segmentation,
which has an accuracy of 94.4$\pm$5.7$\%$ mIoU on our dataset.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 11:06:32 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Seifoddini",
"Amrollah",
""
],
[
"Vernooij",
"Koen",
""
],
[
"Künzle",
"Timon",
""
],
[
"Canopoli",
"Alessandro",
""
],
[
"Alf",
"Malte",
""
],
[
"Volokitin",
"Anna",
""
],
[
"Shirvany",
"Reza",
""
]
] | TITLE: ALiSNet: Accurate and Lightweight Human Segmentation Network for Fashion
E-Commerce
ABSTRACT: Accurately estimating human body shape from photos can enable innovative
applications in fashion, from mass customization, to size and fit
recommendations and virtual try-on. Body silhouettes calculated from user
pictures are effective representations of the body shape for downstream tasks.
Smartphones provide a convenient way for users to capture images of their body,
and on-device image processing allows predicting body segmentation while
protecting users privacy. Existing off-the-shelf methods for human segmentation
are closed source and cannot be specialized for our application of body shape
and measurement estimation. Therefore, we create a new segmentation model by
simplifying Semantic FPN with PointRend, an existing accurate model. We
finetune this model on a high-quality dataset of humans in a restricted set of
poses relevant for our application. We obtain our final model, ALiSNet, with a
size of 4MB and 97.6$\pm$1.0$\%$ mIoU, compared to Apple Person Segmentation,
which has an accuracy of 94.4$\pm$5.7$\%$ mIoU on our dataset.
| no_new_dataset | 0.934335 |
2304.07535 | Edoardo Di Paolo | Edoardo Di Paolo, Marinella Petrocchi, Angelo Spognardi | From Online Behaviours to Images: A Novel Approach to Social Bot
Detection | Accepted @ICCS2023, 23th International Conference on Computational
Science, 3-5 July, 2023. The present version is a preprint | null | null | null | cs.SI cs.AI cs.CY cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Online Social Networks have revolutionized how we consume and share
information, but they have also led to a proliferation of content not always
reliable and accurate. One particular type of social accounts is known to
promote unreputable content, hyperpartisan, and propagandistic information.
They are automated accounts, commonly called bots. Focusing on Twitter
accounts, we propose a novel approach to bot detection: we first propose a new
algorithm that transforms the sequence of actions that an account performs into
an image; then, we leverage the strength of Convolutional Neural Networks to
proceed with image classification. We compare our performances with
state-of-the-art results for bot detection on genuine accounts / bot accounts
datasets well known in the literature. The results confirm the effectiveness of
the proposal, because the detection capability is on par with the state of the
art, if not better in some cases.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 11:36:50 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Di Paolo",
"Edoardo",
""
],
[
"Petrocchi",
"Marinella",
""
],
[
"Spognardi",
"Angelo",
""
]
] | TITLE: From Online Behaviours to Images: A Novel Approach to Social Bot
Detection
ABSTRACT: Online Social Networks have revolutionized how we consume and share
information, but they have also led to a proliferation of content not always
reliable and accurate. One particular type of social accounts is known to
promote unreputable content, hyperpartisan, and propagandistic information.
They are automated accounts, commonly called bots. Focusing on Twitter
accounts, we propose a novel approach to bot detection: we first propose a new
algorithm that transforms the sequence of actions that an account performs into
an image; then, we leverage the strength of Convolutional Neural Networks to
proceed with image classification. We compare our performances with
state-of-the-art results for bot detection on genuine accounts / bot accounts
datasets well known in the literature. The results confirm the effectiveness of
the proposal, because the detection capability is on par with the state of the
art, if not better in some cases.
| no_new_dataset | 0.94545 |
2304.07554 | Ella Gale | Ella Gale | Shape is (almost) all!: Persistent homology features (PHFs) are an
information rich input for efficient molecular machine learning | 18 pages, 15 figures | null | null | null | cs.LG cond-mat.dis-nn math.GN | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | 3-D shape is important to chemistry, but how important? Machine learning
works best when the inputs are simple and match the problem well. Chemistry
datasets tend to be very small compared to those generally used in machine
learning so we need to get the most from each datapoint. Persistent homology
measures the topological shape properties of point clouds at different scales
and is used in topological data analysis. Here we investigate what persistent
homology captures about molecular structure and create persistent homology
features (PHFs) that encode a molecule's shape whilst losing most of the
symbolic detail like atom labels, valence, charge, bonds etc. We demonstrate
the usefulness of PHFs on a series of chemical datasets: QM7, lipophilicity,
Delaney and Tox21. PHFs work as well as the best benchmarks. PHFs are very
information dense and much smaller than other encoding methods yet found,
meaning ML algorithms are much more energy efficient. PHFs success despite
losing a large amount of chemical detail highlights how much of chemistry can
be simplified to topological shape.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 13:24:35 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Gale",
"Ella",
""
]
] | TITLE: Shape is (almost) all!: Persistent homology features (PHFs) are an
information rich input for efficient molecular machine learning
ABSTRACT: 3-D shape is important to chemistry, but how important? Machine learning
works best when the inputs are simple and match the problem well. Chemistry
datasets tend to be very small compared to those generally used in machine
learning so we need to get the most from each datapoint. Persistent homology
measures the topological shape properties of point clouds at different scales
and is used in topological data analysis. Here we investigate what persistent
homology captures about molecular structure and create persistent homology
features (PHFs) that encode a molecule's shape whilst losing most of the
symbolic detail like atom labels, valence, charge, bonds etc. We demonstrate
the usefulness of PHFs on a series of chemical datasets: QM7, lipophilicity,
Delaney and Tox21. PHFs work as well as the best benchmarks. PHFs are very
information dense and much smaller than other encoding methods yet found,
meaning ML algorithms are much more energy efficient. PHFs success despite
losing a large amount of chemical detail highlights how much of chemistry can
be simplified to topological shape.
| no_new_dataset | 0.955981 |
2304.07558 | Ella Gale | Ella Gale | Icospherical Chemical Objects (ICOs) allow for chemical data
augmentation and maintain rotational, translation and permutation invariance | 16 pages, 13 figures | null | null | null | cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Dataset augmentation is a common way to deal with small datasets; Chemistry
datasets are often small. Spherical convolutional neural networks (SphNNs) and
Icosahedral neural networks (IcoNNs) are a type of geometric machine learning
algorithm that maintains rotational symmetry. Molecular structure has
rotational invariance and is inherently 3-D, and thus we need 3-D encoding
methods to input molecular structure into machine learning. In this paper I
present Icospherical Chemical Objects (ICOs) that enable the encoding of 3-D
data in a rotationally invariant way which works with spherical or icosahedral
neural networks and allows for dataset augmentation. I demonstrate the ICO
featurisation method on the following tasks: predicting general molecular
properties, predicting solubility of drug like molecules and the protein
binding problem and find that ICO and SphNNs perform well on all problems.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 13:37:55 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Gale",
"Ella",
""
]
] | TITLE: Icospherical Chemical Objects (ICOs) allow for chemical data
augmentation and maintain rotational, translation and permutation invariance
ABSTRACT: Dataset augmentation is a common way to deal with small datasets; Chemistry
datasets are often small. Spherical convolutional neural networks (SphNNs) and
Icosahedral neural networks (IcoNNs) are a type of geometric machine learning
algorithm that maintains rotational symmetry. Molecular structure has
rotational invariance and is inherently 3-D, and thus we need 3-D encoding
methods to input molecular structure into machine learning. In this paper I
present Icospherical Chemical Objects (ICOs) that enable the encoding of 3-D
data in a rotationally invariant way which works with spherical or icosahedral
neural networks and allows for dataset augmentation. I demonstrate the ICO
featurisation method on the following tasks: predicting general molecular
properties, predicting solubility of drug like molecules and the protein
binding problem and find that ICO and SphNNs perform well on all problems.
| no_new_dataset | 0.951684 |
2304.07580 | Fang Hao | Hao Fang, Ajian Liu, Jun Wan, Sergio Escalera, Hugo Jair Escalante,
Zhen Lei | Surveillance Face Presentation Attack Detection Challenge | 8 pages, 7 figures | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Face Anti-spoofing (FAS) is essential to secure face recognition systems from
various physical attacks. However, most of the studies lacked consideration of
long-distance scenarios. Specifically, compared with FAS in traditional scenes
such as phone unlocking, face payment, and self-service security inspection,
FAS in long-distance such as station squares, parks, and self-service
supermarkets are equally important, but it has not been sufficiently explored
yet. In order to fill this gap in the FAS community, we collect a large-scale
Surveillance High-Fidelity Mask (SuHiFiMask). SuHiFiMask contains $10,195$
videos from $101$ subjects of different age groups, which are collected by $7$
mainstream surveillance cameras. Based on this dataset and protocol-$3$ for
evaluating the robustness of the algorithm under quality changes, we organized
a face presentation attack detection challenge in surveillance scenarios. It
attracted 180 teams for the development phase with a total of 37 teams
qualifying for the final round. The organization team re-verified and re-ran
the submitted code and used the results as the final ranking. In this paper, we
present an overview of the challenge, including an introduction to the dataset
used, the definition of the protocol, the evaluation metrics, and the
announcement of the competition results. Finally, we present the top-ranked
algorithms and the research ideas provided by the competition for attack
detection in long-range surveillance scenarios.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 15:23:19 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Fang",
"Hao",
""
],
[
"Liu",
"Ajian",
""
],
[
"Wan",
"Jun",
""
],
[
"Escalera",
"Sergio",
""
],
[
"Escalante",
"Hugo Jair",
""
],
[
"Lei",
"Zhen",
""
]
] | TITLE: Surveillance Face Presentation Attack Detection Challenge
ABSTRACT: Face Anti-spoofing (FAS) is essential to secure face recognition systems from
various physical attacks. However, most of the studies lacked consideration of
long-distance scenarios. Specifically, compared with FAS in traditional scenes
such as phone unlocking, face payment, and self-service security inspection,
FAS in long-distance such as station squares, parks, and self-service
supermarkets are equally important, but it has not been sufficiently explored
yet. In order to fill this gap in the FAS community, we collect a large-scale
Surveillance High-Fidelity Mask (SuHiFiMask). SuHiFiMask contains $10,195$
videos from $101$ subjects of different age groups, which are collected by $7$
mainstream surveillance cameras. Based on this dataset and protocol-$3$ for
evaluating the robustness of the algorithm under quality changes, we organized
a face presentation attack detection challenge in surveillance scenarios. It
attracted 180 teams for the development phase with a total of 37 teams
qualifying for the final round. The organization team re-verified and re-ran
the submitted code and used the results as the final ranking. In this paper, we
present an overview of the challenge, including an introduction to the dataset
used, the definition of the protocol, the evaluation metrics, and the
announcement of the competition results. Finally, we present the top-ranked
algorithms and the research ideas provided by the competition for attack
detection in long-range surveillance scenarios.
| new_dataset | 0.65506 |
2304.07584 | Wenxian Wu Ncu | Li Zhu, Jiahui Xiong, Wenxian Wu, Hongyu Yu | FSDNet-An efficient fire detection network for complex scenarios based
on YOLOv3 and DenseNet | null | null | null | null | cs.CV cs.AI | http://creativecommons.org/licenses/by/4.0/ | Fire is one of the common disasters in daily life. To achieve fast and
accurate detection of fires, this paper proposes a detection network called
FSDNet (Fire Smoke Detection Network), which consists of a feature extraction
module, a fire classification module, and a fire detection module. Firstly, a
dense connection structure is introduced in the basic feature extraction module
to enhance the feature extraction ability of the backbone network and alleviate
the gradient disappearance problem. Secondly, a spatial pyramid pooling
structure is introduced in the fire detection module, and the Mosaic data
augmentation method and CIoU loss function are used in the training process to
comprehensively improve the flame feature extraction ability. Finally, in view
of the shortcomings of public fire datasets, a fire dataset called MS-FS
(Multi-scene Fire And Smoke) containing 11938 fire images was created through
data collection, screening, and object annotation. To prove the effectiveness
of the proposed method, the accuracy of the method was evaluated on two
benchmark fire datasets and MS-FS. The experimental results show that the
accuracy of FSDNet on the two benchmark datasets is 99.82% and 91.15%,
respectively, and the average precision on MS-FS is 86.80%, which is better
than the mainstream fire detection methods.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 15:46:08 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhu",
"Li",
""
],
[
"Xiong",
"Jiahui",
""
],
[
"Wu",
"Wenxian",
""
],
[
"Yu",
"Hongyu",
""
]
] | TITLE: FSDNet-An efficient fire detection network for complex scenarios based
on YOLOv3 and DenseNet
ABSTRACT: Fire is one of the common disasters in daily life. To achieve fast and
accurate detection of fires, this paper proposes a detection network called
FSDNet (Fire Smoke Detection Network), which consists of a feature extraction
module, a fire classification module, and a fire detection module. Firstly, a
dense connection structure is introduced in the basic feature extraction module
to enhance the feature extraction ability of the backbone network and alleviate
the gradient disappearance problem. Secondly, a spatial pyramid pooling
structure is introduced in the fire detection module, and the Mosaic data
augmentation method and CIoU loss function are used in the training process to
comprehensively improve the flame feature extraction ability. Finally, in view
of the shortcomings of public fire datasets, a fire dataset called MS-FS
(Multi-scene Fire And Smoke) containing 11938 fire images was created through
data collection, screening, and object annotation. To prove the effectiveness
of the proposed method, the accuracy of the method was evaluated on two
benchmark fire datasets and MS-FS. The experimental results show that the
accuracy of FSDNet on the two benchmark datasets is 99.82% and 91.15%,
respectively, and the average precision on MS-FS is 86.80%, which is better
than the mainstream fire detection methods.
| new_dataset | 0.954858 |
2304.07599 | Katiana Kontolati | Katiana Kontolati, Somdatta Goswami, George Em Karniadakis, Michael D.
Shields | Learning in latent spaces improves the predictive accuracy of deep
neural operators | 22 pages, 12 figures | null | null | null | cs.LG cs.NA math.DS math.NA | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Operator regression provides a powerful means of constructing
discretization-invariant emulators for partial-differential equations (PDEs)
describing physical systems. Neural operators specifically employ deep neural
networks to approximate mappings between infinite-dimensional Banach spaces. As
data-driven models, neural operators require the generation of labeled
observations, which in cases of complex high-fidelity models result in
high-dimensional datasets containing redundant and noisy features, which can
hinder gradient-based optimization. Mapping these high-dimensional datasets to
a low-dimensional latent space of salient features can make it easier to work
with the data and also enhance learning. In this work, we investigate the
latent deep operator network (L-DeepONet), an extension of standard DeepONet,
which leverages latent representations of high-dimensional PDE input and output
functions identified with suitable autoencoders. We illustrate that L-DeepONet
outperforms the standard approach in terms of both accuracy and computational
efficiency across diverse time-dependent PDEs, e.g., modeling the growth of
fracture in brittle materials, convective fluid flows, and large-scale
atmospheric flows exhibiting multiscale dynamical features.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 17:13:09 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kontolati",
"Katiana",
""
],
[
"Goswami",
"Somdatta",
""
],
[
"Karniadakis",
"George Em",
""
],
[
"Shields",
"Michael D.",
""
]
] | TITLE: Learning in latent spaces improves the predictive accuracy of deep
neural operators
ABSTRACT: Operator regression provides a powerful means of constructing
discretization-invariant emulators for partial-differential equations (PDEs)
describing physical systems. Neural operators specifically employ deep neural
networks to approximate mappings between infinite-dimensional Banach spaces. As
data-driven models, neural operators require the generation of labeled
observations, which in cases of complex high-fidelity models result in
high-dimensional datasets containing redundant and noisy features, which can
hinder gradient-based optimization. Mapping these high-dimensional datasets to
a low-dimensional latent space of salient features can make it easier to work
with the data and also enhance learning. In this work, we investigate the
latent deep operator network (L-DeepONet), an extension of standard DeepONet,
which leverages latent representations of high-dimensional PDE input and output
functions identified with suitable autoencoders. We illustrate that L-DeepONet
outperforms the standard approach in terms of both accuracy and computational
efficiency across diverse time-dependent PDEs, e.g., modeling the growth of
fracture in brittle materials, convective fluid flows, and large-scale
atmospheric flows exhibiting multiscale dynamical features.
| no_new_dataset | 0.9463 |
2304.07611 | Ruchao Fan | Ruchao Fan, Wei Chu, Peng Chang, and Abeer Alwan | A CTC Alignment-based Non-autoregressive Transformer for End-to-end
Automatic Speech Recognition | Published in IEEE Transactions on Audio, Speech, and Language
Processing | null | 10.1109/TASLP.2023.3263789 | null | cs.CL eess.AS | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recently, end-to-end models have been widely used in automatic speech
recognition (ASR) systems. Two of the most representative approaches are
connectionist temporal classification (CTC) and attention-based encoder-decoder
(AED) models. Autoregressive transformers, variants of AED, adopt an
autoregressive mechanism for token generation and thus are relatively slow
during inference. In this paper, we present a comprehensive study of a CTC
Alignment-based Single-Step Non-Autoregressive Transformer (CASS-NAT) for
end-to-end ASR. In CASS-NAT, word embeddings in the autoregressive transformer
(AT) are substituted with token-level acoustic embeddings (TAE) that are
extracted from encoder outputs with the acoustical boundary information offered
by the CTC alignment. TAE can be obtained in parallel, resulting in a parallel
generation of output tokens. During training, Viterbi-alignment is used for TAE
generation, and multiple training strategies are further explored to improve
the word error rate (WER) performance. During inference, an error-based
alignment sampling method is investigated in depth to reduce the alignment
mismatch in the training and testing processes. Experimental results show that
the CASS-NAT has a WER that is close to AT on various ASR tasks, while
providing a ~24x inference speedup. With and without self-supervised learning,
we achieve new state-of-the-art results for non-autoregressive models on
several datasets. We also analyze the behavior of the CASS-NAT decoder to
explain why it can perform similarly to AT. We find that TAEs have similar
functionality to word embeddings for grammatical structures, which might
indicate the possibility of learning some semantic information from TAEs
without a language model.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 18:34:29 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Fan",
"Ruchao",
""
],
[
"Chu",
"Wei",
""
],
[
"Chang",
"Peng",
""
],
[
"Alwan",
"Abeer",
""
]
] | TITLE: A CTC Alignment-based Non-autoregressive Transformer for End-to-end
Automatic Speech Recognition
ABSTRACT: Recently, end-to-end models have been widely used in automatic speech
recognition (ASR) systems. Two of the most representative approaches are
connectionist temporal classification (CTC) and attention-based encoder-decoder
(AED) models. Autoregressive transformers, variants of AED, adopt an
autoregressive mechanism for token generation and thus are relatively slow
during inference. In this paper, we present a comprehensive study of a CTC
Alignment-based Single-Step Non-Autoregressive Transformer (CASS-NAT) for
end-to-end ASR. In CASS-NAT, word embeddings in the autoregressive transformer
(AT) are substituted with token-level acoustic embeddings (TAE) that are
extracted from encoder outputs with the acoustical boundary information offered
by the CTC alignment. TAE can be obtained in parallel, resulting in a parallel
generation of output tokens. During training, Viterbi-alignment is used for TAE
generation, and multiple training strategies are further explored to improve
the word error rate (WER) performance. During inference, an error-based
alignment sampling method is investigated in depth to reduce the alignment
mismatch in the training and testing processes. Experimental results show that
the CASS-NAT has a WER that is close to AT on various ASR tasks, while
providing a ~24x inference speedup. With and without self-supervised learning,
we achieve new state-of-the-art results for non-autoregressive models on
several datasets. We also analyze the behavior of the CASS-NAT decoder to
explain why it can perform similarly to AT. We find that TAEs have similar
functionality to word embeddings for grammatical structures, which might
indicate the possibility of learning some semantic information from TAEs
without a language model.
| no_new_dataset | 0.953101 |
2304.07637 | Abhishek Bamotra | Abhishek Bamotra, Phani Krishna Uppala | TransDocs: Optical Character Recognition with word to word translation | null | null | null | null | cs.CV cs.CL cs.LG | http://creativecommons.org/licenses/by/4.0/ | While OCR has been used in various applications, its output is not always
accurate, leading to misfit words. This research work focuses on improving the
optical character recognition (OCR) with ML techniques with integration of OCR
with long short-term memory (LSTM) based sequence to sequence deep learning
models to perform document translation. This work is based on ANKI dataset for
English to Spanish translation. In this work, I have shown comparative study
for pre-trained OCR while using deep learning model using LSTM-based seq2seq
architecture with attention for machine translation. End-to-end performance of
the model has been expressed in BLEU-4 score. This research paper is aimed at
researchers and practitioners interested in OCR and its applications in
document translation.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 21:40:14 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Bamotra",
"Abhishek",
""
],
[
"Uppala",
"Phani Krishna",
""
]
] | TITLE: TransDocs: Optical Character Recognition with word to word translation
ABSTRACT: While OCR has been used in various applications, its output is not always
accurate, leading to misfit words. This research work focuses on improving the
optical character recognition (OCR) with ML techniques with integration of OCR
with long short-term memory (LSTM) based sequence to sequence deep learning
models to perform document translation. This work is based on ANKI dataset for
English to Spanish translation. In this work, I have shown comparative study
for pre-trained OCR while using deep learning model using LSTM-based seq2seq
architecture with attention for machine translation. End-to-end performance of
the model has been expressed in BLEU-4 score. This research paper is aimed at
researchers and practitioners interested in OCR and its applications in
document translation.
| no_new_dataset | 0.946448 |
2304.07646 | Jonas Skackauskas Mr | Jonas Skackauskas, Tatiana Kalganova | Herder Ants: Ant Colony Optimization with Aphids for Discrete
Event-Triggered Dynamic Optimization Problems | null | null | null | null | cs.NE | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Currently available dynamic optimization strategies for Ant Colony
Optimization (ACO) algorithm offer a trade-off of slower algorithm convergence
or significant penalty to solution quality after each dynamic change occurs.
This paper proposes a discrete dynamic optimization strategy called Ant Colony
Optimization (ACO) with Aphids, modelled after a real-world symbiotic
relationship between ants and aphids. ACO with Aphids strategy is designed to
improve solution quality of discrete domain Dynamic Optimization Problems
(DOPs) with event-triggered discrete dynamism. The proposed strategy aims to
improve the inter-state convergence rate throughout the entire dynamic
optimization. It does so by minimizing the fitness penalty and maximizing the
convergence speed that occurs after the dynamic change. This strategy is tested
against Full-Restart and Pheromone-Sharing strategies implemented on the same
ACO core algorithm solving Dynamic Multidimensional Knapsack Problem (DMKP)
benchmarks. ACO with Aphids has demonstrated superior performance over the
Pheromone-Sharing strategy in every test on average gap reduced by 29.2%. Also,
ACO with Aphids has outperformed the Full-Restart strategy for large datasets
groups, and the overall average gap is reduced by 52.5%.
| [
{
"version": "v1",
"created": "Sat, 15 Apr 2023 22:21:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Skackauskas",
"Jonas",
""
],
[
"Kalganova",
"Tatiana",
""
]
] | TITLE: Herder Ants: Ant Colony Optimization with Aphids for Discrete
Event-Triggered Dynamic Optimization Problems
ABSTRACT: Currently available dynamic optimization strategies for Ant Colony
Optimization (ACO) algorithm offer a trade-off of slower algorithm convergence
or significant penalty to solution quality after each dynamic change occurs.
This paper proposes a discrete dynamic optimization strategy called Ant Colony
Optimization (ACO) with Aphids, modelled after a real-world symbiotic
relationship between ants and aphids. ACO with Aphids strategy is designed to
improve solution quality of discrete domain Dynamic Optimization Problems
(DOPs) with event-triggered discrete dynamism. The proposed strategy aims to
improve the inter-state convergence rate throughout the entire dynamic
optimization. It does so by minimizing the fitness penalty and maximizing the
convergence speed that occurs after the dynamic change. This strategy is tested
against Full-Restart and Pheromone-Sharing strategies implemented on the same
ACO core algorithm solving Dynamic Multidimensional Knapsack Problem (DMKP)
benchmarks. ACO with Aphids has demonstrated superior performance over the
Pheromone-Sharing strategy in every test on average gap reduced by 29.2%. Also,
ACO with Aphids has outperformed the Full-Restart strategy for large datasets
groups, and the overall average gap is reduced by 52.5%.
| no_new_dataset | 0.951278 |
2304.07668 | Nazar Waheed | Nazar Waheed, Ateeq Ur Rehman, Anushka Nehra, Mahnoor Farooq, Nargis
Tariq, Mian Ahmad Jan, Fazlullah Khan, Abeer Z. Alalmaie, Priyadarsi Nanda | FedBlockHealth: A Synergistic Approach to Privacy and Security in
IoT-Enabled Healthcare through Federated Learning and Blockchain | Submitted to: Globecom 2023 | null | null | null | cs.CR cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | The rapid adoption of Internet of Things (IoT) devices in healthcare has
introduced new challenges in preserving data privacy, security and patient
safety. Traditional approaches need to ensure security and privacy while
maintaining computational efficiency, particularly for resource-constrained IoT
devices. This paper proposes a novel hybrid approach combining federated
learning and blockchain technology to provide a secure and privacy-preserved
solution for IoT-enabled healthcare applications. Our approach leverages a
public-key cryptosystem that provides semantic security for local model
updates, while blockchain technology ensures the integrity of these updates and
enforces access control and accountability. The federated learning process
enables a secure model aggregation without sharing sensitive patient data. We
implement and evaluate our proposed framework using EMNIST datasets,
demonstrating its effectiveness in preserving data privacy and security while
maintaining computational efficiency. The results suggest that our hybrid
approach can significantly enhance the development of secure and
privacy-preserved IoT-enabled healthcare applications, offering a promising
direction for future research in this field.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 01:55:31 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Waheed",
"Nazar",
""
],
[
"Rehman",
"Ateeq Ur",
""
],
[
"Nehra",
"Anushka",
""
],
[
"Farooq",
"Mahnoor",
""
],
[
"Tariq",
"Nargis",
""
],
[
"Jan",
"Mian Ahmad",
""
],
[
"Khan",
"Fazlullah",
""
],
[
"Alalmaie",
"Abeer Z.",
""
],
[
"Nanda",
"Priyadarsi",
""
]
] | TITLE: FedBlockHealth: A Synergistic Approach to Privacy and Security in
IoT-Enabled Healthcare through Federated Learning and Blockchain
ABSTRACT: The rapid adoption of Internet of Things (IoT) devices in healthcare has
introduced new challenges in preserving data privacy, security and patient
safety. Traditional approaches need to ensure security and privacy while
maintaining computational efficiency, particularly for resource-constrained IoT
devices. This paper proposes a novel hybrid approach combining federated
learning and blockchain technology to provide a secure and privacy-preserved
solution for IoT-enabled healthcare applications. Our approach leverages a
public-key cryptosystem that provides semantic security for local model
updates, while blockchain technology ensures the integrity of these updates and
enforces access control and accountability. The federated learning process
enables a secure model aggregation without sharing sensitive patient data. We
implement and evaluate our proposed framework using EMNIST datasets,
demonstrating its effectiveness in preserving data privacy and security while
maintaining computational efficiency. The results suggest that our hybrid
approach can significantly enhance the development of secure and
privacy-preserved IoT-enabled healthcare applications, offering a promising
direction for future research in this field.
| no_new_dataset | 0.950273 |
2304.07675 | Jielin Qiu | Jielin Qiu, Peide Huang, Makiya Nakashima, Jaehyun Lee, Jiacheng Zhu,
Wilson Tang, Pohao Chen, Christopher Nguyen, Byung-Hak Kim, Debbie Kwon,
Douglas Weber, Ding Zhao, David Chen | Multimodal Representation Learning of Cardiovascular Magnetic Resonance
Imaging | 24 pages | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Self-supervised learning is crucial for clinical imaging applications, given
the lack of explicit labels in healthcare. However, conventional approaches
that rely on precise vision-language alignment are not always feasible in
complex clinical imaging modalities, such as cardiac magnetic resonance (CMR).
CMR provides a comprehensive visualization of cardiac anatomy, physiology, and
microstructure, making it challenging to interpret. Additionally, CMR reports
require synthesizing information from sequences of images and different views,
resulting in potentially weak alignment between the study and diagnosis report
pair. To overcome these challenges, we propose \textbf{CMRformer}, a multimodal
learning framework to jointly learn sequences of CMR images and associated
cardiologist's reports. Moreover, one of the major obstacles to improving CMR
study is the lack of large, publicly available datasets. To bridge this gap, we
collected a large \textbf{CMR dataset}, which consists of 13,787 studies from
clinical cases. By utilizing our proposed CMRformer and our collected dataset,
we achieved remarkable performance in real-world clinical tasks, such as CMR
image retrieval and diagnosis report retrieval. Furthermore, the learned
representations are evaluated to be practically helpful for downstream
applications, such as disease classification. Our work could potentially
expedite progress in the CMR study and lead to more accurate and effective
diagnosis and treatment.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 02:35:27 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Qiu",
"Jielin",
""
],
[
"Huang",
"Peide",
""
],
[
"Nakashima",
"Makiya",
""
],
[
"Lee",
"Jaehyun",
""
],
[
"Zhu",
"Jiacheng",
""
],
[
"Tang",
"Wilson",
""
],
[
"Chen",
"Pohao",
""
],
[
"Nguyen",
"Christopher",
""
],
[
"Kim",
"Byung-Hak",
""
],
[
"Kwon",
"Debbie",
""
],
[
"Weber",
"Douglas",
""
],
[
"Zhao",
"Ding",
""
],
[
"Chen",
"David",
""
]
] | TITLE: Multimodal Representation Learning of Cardiovascular Magnetic Resonance
Imaging
ABSTRACT: Self-supervised learning is crucial for clinical imaging applications, given
the lack of explicit labels in healthcare. However, conventional approaches
that rely on precise vision-language alignment are not always feasible in
complex clinical imaging modalities, such as cardiac magnetic resonance (CMR).
CMR provides a comprehensive visualization of cardiac anatomy, physiology, and
microstructure, making it challenging to interpret. Additionally, CMR reports
require synthesizing information from sequences of images and different views,
resulting in potentially weak alignment between the study and diagnosis report
pair. To overcome these challenges, we propose \textbf{CMRformer}, a multimodal
learning framework to jointly learn sequences of CMR images and associated
cardiologist's reports. Moreover, one of the major obstacles to improving CMR
study is the lack of large, publicly available datasets. To bridge this gap, we
collected a large \textbf{CMR dataset}, which consists of 13,787 studies from
clinical cases. By utilizing our proposed CMRformer and our collected dataset,
we achieved remarkable performance in real-world clinical tasks, such as CMR
image retrieval and diagnosis report retrieval. Furthermore, the learned
representations are evaluated to be practically helpful for downstream
applications, such as disease classification. Our work could potentially
expedite progress in the CMR study and lead to more accurate and effective
diagnosis and treatment.
| new_dataset | 0.959988 |
2304.07686 | Jianzhang Zheng | Jianzhang Zheng, Hao Shen, Jian Yang, Xuan Tang, Mingsong Chen, Hui
Yu, Jielong Guo, Xian Wei | Autoencoders with Intrinsic Dimension Constraints for Learning Low
Dimensional Image Representations | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Autoencoders have achieved great success in various computer vision
applications. The autoencoder learns appropriate low dimensional image
representations through the self-supervised paradigm, i.e., reconstruction.
Existing studies mainly focus on the minimizing the reconstruction error on
pixel level of image, while ignoring the preservation of Intrinsic Dimension
(ID), which is a fundamental geometric property of data representations in Deep
Neural Networks (DNNs). Motivated by the important role of ID, in this paper,
we propose a novel deep representation learning approach with autoencoder,
which incorporates regularization of the global and local ID constraints into
the reconstruction of data representations. This approach not only preserves
the global manifold structure of the whole dataset, but also maintains the
local manifold structure of the feature maps of each point, which makes the
learned low-dimensional features more discriminant and improves the performance
of the downstream algorithms. To our best knowledge, existing works are rare
and limited on exploiting both global and local ID invariant properties on the
regularization of autoencoders. Numerical experimental results on benchmark
datasets (Extended Yale B, Caltech101 and ImageNet) show that the resulting
regularized learning models achieve better discriminative representations for
downstream tasks including image classification and clustering.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 03:43:08 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zheng",
"Jianzhang",
""
],
[
"Shen",
"Hao",
""
],
[
"Yang",
"Jian",
""
],
[
"Tang",
"Xuan",
""
],
[
"Chen",
"Mingsong",
""
],
[
"Yu",
"Hui",
""
],
[
"Guo",
"Jielong",
""
],
[
"Wei",
"Xian",
""
]
] | TITLE: Autoencoders with Intrinsic Dimension Constraints for Learning Low
Dimensional Image Representations
ABSTRACT: Autoencoders have achieved great success in various computer vision
applications. The autoencoder learns appropriate low dimensional image
representations through the self-supervised paradigm, i.e., reconstruction.
Existing studies mainly focus on the minimizing the reconstruction error on
pixel level of image, while ignoring the preservation of Intrinsic Dimension
(ID), which is a fundamental geometric property of data representations in Deep
Neural Networks (DNNs). Motivated by the important role of ID, in this paper,
we propose a novel deep representation learning approach with autoencoder,
which incorporates regularization of the global and local ID constraints into
the reconstruction of data representations. This approach not only preserves
the global manifold structure of the whole dataset, but also maintains the
local manifold structure of the feature maps of each point, which makes the
learned low-dimensional features more discriminant and improves the performance
of the downstream algorithms. To our best knowledge, existing works are rare
and limited on exploiting both global and local ID invariant properties on the
regularization of autoencoders. Numerical experimental results on benchmark
datasets (Extended Yale B, Caltech101 and ImageNet) show that the resulting
regularized learning models achieve better discriminative representations for
downstream tasks including image classification and clustering.
| no_new_dataset | 0.948346 |
2304.07691 | Shen Yan | Shen Yan, Yu Liu, Long Wang, Zehong Shen, Zhen Peng, Haomin Liu,
Maojun Zhang, Guofeng Zhang, Xiaowei Zhou | Long-term Visual Localization with Mobile Sensors | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Despite the remarkable advances in image matching and pose estimation,
image-based localization of a camera in a temporally-varying outdoor
environment is still a challenging problem due to huge appearance disparity
between query and reference images caused by illumination, seasonal and
structural changes. In this work, we propose to leverage additional sensors on
a mobile phone, mainly GPS, compass, and gravity sensor, to solve this
challenging problem. We show that these mobile sensors provide decent initial
poses and effective constraints to reduce the searching space in image matching
and final pose estimation. With the initial pose, we are also able to devise a
direct 2D-3D matching network to efficiently establish 2D-3D correspondences
instead of tedious 2D-2D matching in existing systems. As no public dataset
exists for the studied problem, we collect a new dataset that provides a
variety of mobile sensor data and significant scene appearance variations, and
develop a system to acquire ground-truth poses for query images. We benchmark
our method as well as several state-of-the-art baselines and demonstrate the
effectiveness of the proposed approach. The code and dataset will be released
publicly.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 04:35:10 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Yan",
"Shen",
""
],
[
"Liu",
"Yu",
""
],
[
"Wang",
"Long",
""
],
[
"Shen",
"Zehong",
""
],
[
"Peng",
"Zhen",
""
],
[
"Liu",
"Haomin",
""
],
[
"Zhang",
"Maojun",
""
],
[
"Zhang",
"Guofeng",
""
],
[
"Zhou",
"Xiaowei",
""
]
] | TITLE: Long-term Visual Localization with Mobile Sensors
ABSTRACT: Despite the remarkable advances in image matching and pose estimation,
image-based localization of a camera in a temporally-varying outdoor
environment is still a challenging problem due to huge appearance disparity
between query and reference images caused by illumination, seasonal and
structural changes. In this work, we propose to leverage additional sensors on
a mobile phone, mainly GPS, compass, and gravity sensor, to solve this
challenging problem. We show that these mobile sensors provide decent initial
poses and effective constraints to reduce the searching space in image matching
and final pose estimation. With the initial pose, we are also able to devise a
direct 2D-3D matching network to efficiently establish 2D-3D correspondences
instead of tedious 2D-2D matching in existing systems. As no public dataset
exists for the studied problem, we collect a new dataset that provides a
variety of mobile sensor data and significant scene appearance variations, and
develop a system to acquire ground-truth poses for query images. We benchmark
our method as well as several state-of-the-art baselines and demonstrate the
effectiveness of the proposed approach. The code and dataset will be released
publicly.
| new_dataset | 0.960361 |
2304.07693 | Anh Nguyen | Jingxuan Kang, Tudor Jianu, Baoru Huang, Binod Bhattarai, Ngan Le,
Frans Coenen, and Anh Nguyen | Translating Simulation Images to X-ray Images via Multi-Scale Semantic
Matching | 11 pages | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by/4.0/ | Endovascular intervention training is increasingly being conducted in virtual
simulators. However, transferring the experience from endovascular simulators
to the real world remains an open problem. The key challenge is the virtual
environments are usually not realistically simulated, especially the simulation
images. In this paper, we propose a new method to translate simulation images
from an endovascular simulator to X-ray images. Previous image-to-image
translation methods often focus on visual effects and neglect structure
information, which is critical for medical images. To address this gap, we
propose a new method that utilizes multi-scale semantic matching. We apply
self-domain semantic matching to ensure that the input image and the generated
image have the same positional semantic relationships. We further apply
cross-domain matching to eliminate the effects of different styles. The
intensive experiment shows that our method generates realistic X-ray images and
outperforms other state-of-the-art approaches by a large margin. We also
collect a new large-scale dataset to serve as the new benchmark for this task.
Our source code and dataset will be made publicly available.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 04:49:46 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kang",
"Jingxuan",
""
],
[
"Jianu",
"Tudor",
""
],
[
"Huang",
"Baoru",
""
],
[
"Bhattarai",
"Binod",
""
],
[
"Le",
"Ngan",
""
],
[
"Coenen",
"Frans",
""
],
[
"Nguyen",
"Anh",
""
]
] | TITLE: Translating Simulation Images to X-ray Images via Multi-Scale Semantic
Matching
ABSTRACT: Endovascular intervention training is increasingly being conducted in virtual
simulators. However, transferring the experience from endovascular simulators
to the real world remains an open problem. The key challenge is the virtual
environments are usually not realistically simulated, especially the simulation
images. In this paper, we propose a new method to translate simulation images
from an endovascular simulator to X-ray images. Previous image-to-image
translation methods often focus on visual effects and neglect structure
information, which is critical for medical images. To address this gap, we
propose a new method that utilizes multi-scale semantic matching. We apply
self-domain semantic matching to ensure that the input image and the generated
image have the same positional semantic relationships. We further apply
cross-domain matching to eliminate the effects of different styles. The
intensive experiment shows that our method generates realistic X-ray images and
outperforms other state-of-the-art approaches by a large margin. We also
collect a new large-scale dataset to serve as the new benchmark for this task.
Our source code and dataset will be made publicly available.
| new_dataset | 0.961786 |
2304.07721 | Ghanta Sai Krishna | Prathistith Raj Medi, Ghanta Sai Krishna, Praneeth Nemani,
Satyanarayana Vollala, Santosh Kumar | A Novel end-to-end Framework for Occluded Pixel Reconstruction with
Spatio-temporal Features for Improved Person Re-identification | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Person re-identification is vital for monitoring and tracking crowd movement
to enhance public security. However, re-identification in the presence of
occlusion substantially reduces the performance of existing systems and is a
challenging area. In this work, we propose a plausible solution to this problem
by developing effective occlusion detection and reconstruction framework for
RGB images/videos consisting of Deep Neural Networks. Specifically, a CNN-based
occlusion detection model classifies individual input frames, followed by a
Conv-LSTM and Autoencoder to reconstruct the occluded pixels corresponding to
the occluded frames for sequential (video) and non-sequential (image) data,
respectively. The quality of the reconstructed RGB frames is further refined
and fine-tuned using a Conditional Generative Adversarial Network (cGAN). Our
method is evaluated on four well-known public data sets of the domain, and the
qualitative reconstruction results are indeed appealing. Quantitative
evaluation in terms of re-identification accuracy of the Siamese network showed
an exceptional Rank-1 accuracy after occluded pixel reconstruction on various
datasets. A comparative analysis with state-of-the-art approaches also
demonstrates the robustness of our work for use in real-life surveillance
systems.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 08:14:29 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Medi",
"Prathistith Raj",
""
],
[
"Krishna",
"Ghanta Sai",
""
],
[
"Nemani",
"Praneeth",
""
],
[
"Vollala",
"Satyanarayana",
""
],
[
"Kumar",
"Santosh",
""
]
] | TITLE: A Novel end-to-end Framework for Occluded Pixel Reconstruction with
Spatio-temporal Features for Improved Person Re-identification
ABSTRACT: Person re-identification is vital for monitoring and tracking crowd movement
to enhance public security. However, re-identification in the presence of
occlusion substantially reduces the performance of existing systems and is a
challenging area. In this work, we propose a plausible solution to this problem
by developing effective occlusion detection and reconstruction framework for
RGB images/videos consisting of Deep Neural Networks. Specifically, a CNN-based
occlusion detection model classifies individual input frames, followed by a
Conv-LSTM and Autoencoder to reconstruct the occluded pixels corresponding to
the occluded frames for sequential (video) and non-sequential (image) data,
respectively. The quality of the reconstructed RGB frames is further refined
and fine-tuned using a Conditional Generative Adversarial Network (cGAN). Our
method is evaluated on four well-known public data sets of the domain, and the
qualitative reconstruction results are indeed appealing. Quantitative
evaluation in terms of re-identification accuracy of the Siamese network showed
an exceptional Rank-1 accuracy after occluded pixel reconstruction on various
datasets. A comparative analysis with state-of-the-art approaches also
demonstrates the robustness of our work for use in real-life surveillance
systems.
| no_new_dataset | 0.946151 |
2304.07743 | Simon Korman | Deborah Levy, Amit Peleg, Naama Pearl, Dan Rosenbaum, Derya Akkaynak,
Simon Korman, Tali Treibitz | SeaThru-NeRF: Neural Radiance Fields in Scattering Media | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Research on neural radiance fields (NeRFs) for novel view generation is
exploding with new models and extensions. However, a question that remains
unanswered is what happens in underwater or foggy scenes where the medium
strongly influences the appearance of objects. Thus far, NeRF and its variants
have ignored these cases. However, since the NeRF framework is based on
volumetric rendering, it has inherent capability to account for the medium's
effects, once modeled appropriately. We develop a new rendering model for NeRFs
in scattering media, which is based on the SeaThru image formation model, and
suggest a suitable architecture for learning both scene information and medium
parameters. We demonstrate the strength of our method using simulated and
real-world scenes, correctly rendering novel photorealistic views underwater.
Even more excitingly, we can render clear views of these scenes, removing the
medium between the camera and the scene and reconstructing the appearance and
depth of far objects, which are severely occluded by the medium. Our code and
unique datasets are available on the project's website.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 10:17:26 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Levy",
"Deborah",
""
],
[
"Peleg",
"Amit",
""
],
[
"Pearl",
"Naama",
""
],
[
"Rosenbaum",
"Dan",
""
],
[
"Akkaynak",
"Derya",
""
],
[
"Korman",
"Simon",
""
],
[
"Treibitz",
"Tali",
""
]
] | TITLE: SeaThru-NeRF: Neural Radiance Fields in Scattering Media
ABSTRACT: Research on neural radiance fields (NeRFs) for novel view generation is
exploding with new models and extensions. However, a question that remains
unanswered is what happens in underwater or foggy scenes where the medium
strongly influences the appearance of objects. Thus far, NeRF and its variants
have ignored these cases. However, since the NeRF framework is based on
volumetric rendering, it has inherent capability to account for the medium's
effects, once modeled appropriately. We develop a new rendering model for NeRFs
in scattering media, which is based on the SeaThru image formation model, and
suggest a suitable architecture for learning both scene information and medium
parameters. We demonstrate the strength of our method using simulated and
real-world scenes, correctly rendering novel photorealistic views underwater.
Even more excitingly, we can render clear views of these scenes, removing the
medium between the camera and the scene and reconstructing the appearance and
depth of far objects, which are severely occluded by the medium. Our code and
unique datasets are available on the project's website.
| no_new_dataset | 0.948728 |
2304.07744 | Natalia Valderrama | Natalia Valderrama, Ioannis Pitsiorlas, Luisa Vargas, Pablo
Arbel\'aez, Maria A. Zuluaga | JoB-VS: Joint Brain-Vessel Segmentation in TOF-MRA Images | null | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by-nc-nd/4.0/ | We propose the first joint-task learning framework for brain and vessel
segmentation (JoB-VS) from Time-of-Flight Magnetic Resonance images. Unlike
state-of-the-art vessel segmentation methods, our approach avoids the
pre-processing step of implementing a model to extract the brain from the
volumetric input data. Skipping this additional step makes our method an
end-to-end vessel segmentation framework. JoB-VS uses a lattice architecture
that favors the segmentation of structures of different scales (e.g., the brain
and vessels). Its segmentation head allows the simultaneous prediction of the
brain and vessel mask. Moreover, we generate data augmentation with adversarial
examples, which our results demonstrate to enhance the performance. JoB-VS
achieves 70.03% mean AP and 69.09% F1-score in the OASIS-3 dataset and is
capable of generalizing the segmentation in the IXI dataset. These results show
the adequacy of JoB-VS for the challenging task of vessel segmentation in
complete TOF-MRA images.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 10:18:24 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Valderrama",
"Natalia",
""
],
[
"Pitsiorlas",
"Ioannis",
""
],
[
"Vargas",
"Luisa",
""
],
[
"Arbeláez",
"Pablo",
""
],
[
"Zuluaga",
"Maria A.",
""
]
] | TITLE: JoB-VS: Joint Brain-Vessel Segmentation in TOF-MRA Images
ABSTRACT: We propose the first joint-task learning framework for brain and vessel
segmentation (JoB-VS) from Time-of-Flight Magnetic Resonance images. Unlike
state-of-the-art vessel segmentation methods, our approach avoids the
pre-processing step of implementing a model to extract the brain from the
volumetric input data. Skipping this additional step makes our method an
end-to-end vessel segmentation framework. JoB-VS uses a lattice architecture
that favors the segmentation of structures of different scales (e.g., the brain
and vessels). Its segmentation head allows the simultaneous prediction of the
brain and vessel mask. Moreover, we generate data augmentation with adversarial
examples, which our results demonstrate to enhance the performance. JoB-VS
achieves 70.03% mean AP and 69.09% F1-score in the OASIS-3 dataset and is
capable of generalizing the segmentation in the IXI dataset. These results show
the adequacy of JoB-VS for the challenging task of vessel segmentation in
complete TOF-MRA images.
| no_new_dataset | 0.951188 |
2304.07745 | Laurent Kloeker | Laurent Kloeker, Chenghua Liu, Chao Wei, Lutz Eckstein | Framework for Quality Evaluation of Smart Roadside Infrastructure
Sensors for Automated Driving Applications | Accepted to be published as part of the 34th IEEE Intelligent
Vehicles Symposium (IV), Anchorage, Alaska, USA, June 4-7, 2023 | null | null | null | cs.CV eess.IV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The use of smart roadside infrastructure sensors is highly relevant for
future applications of connected and automated vehicles. External sensor
technology in the form of intelligent transportation system stations (ITS-Ss)
can provide safety-critical real-time information about road users in the form
of a digital twin. The choice of sensor setups has a major influence on the
downstream function as well as the data quality. To date, there is insufficient
research on which sensor setups result in which levels of ITS-S data quality.
We present a novel approach to perform detailed quality assessment for smart
roadside infrastructure sensors. Our framework is multimodal across different
sensor types and is evaluated on the DAIR-V2X dataset. We analyze the
composition of different lidar and camera sensors and assess them in terms of
accuracy, latency, and reliability. The evaluations show that the framework can
be used reliably for several future ITS-S applications.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 10:21:07 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kloeker",
"Laurent",
""
],
[
"Liu",
"Chenghua",
""
],
[
"Wei",
"Chao",
""
],
[
"Eckstein",
"Lutz",
""
]
] | TITLE: Framework for Quality Evaluation of Smart Roadside Infrastructure
Sensors for Automated Driving Applications
ABSTRACT: The use of smart roadside infrastructure sensors is highly relevant for
future applications of connected and automated vehicles. External sensor
technology in the form of intelligent transportation system stations (ITS-Ss)
can provide safety-critical real-time information about road users in the form
of a digital twin. The choice of sensor setups has a major influence on the
downstream function as well as the data quality. To date, there is insufficient
research on which sensor setups result in which levels of ITS-S data quality.
We present a novel approach to perform detailed quality assessment for smart
roadside infrastructure sensors. Our framework is multimodal across different
sensor types and is evaluated on the DAIR-V2X dataset. We analyze the
composition of different lidar and camera sensors and assess them in terms of
accuracy, latency, and reliability. The evaluations show that the framework can
be used reliably for several future ITS-S applications.
| no_new_dataset | 0.950319 |
2304.07747 | Fuxiang Huang | Fuxiang Huang and Lei Zhang | Language Guided Local Infiltration for Interactive Image Retrieval | 10 pages, 9 figures, 4 tables, IEEE/CVF Conference on Computer Vision
and Pattern Recognition | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Interactive Image Retrieval (IIR) aims to retrieve images that are generally
similar to the reference image but under the requested text modification. The
existing methods usually concatenate or sum the features of image and text
simply and roughly, which, however, is difficult to precisely change the local
semantics of the image that the text intends to modify. To solve this problem,
we propose a Language Guided Local Infiltration (LGLI) system, which fully
utilizes the text information and penetrates text features into image features
as much as possible. Specifically, we first propose a Language Prompt Visual
Localization (LPVL) module to generate a localization mask which explicitly
locates the region (semantics) intended to be modified. Then we introduce a
Text Infiltration with Local Awareness (TILA) module, which is deployed in the
network to precisely modify the reference image and generate image-text
infiltrated representation. Extensive experiments on various benchmark
databases validate that our method outperforms most state-of-the-art IIR
approaches.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 10:33:08 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Huang",
"Fuxiang",
""
],
[
"Zhang",
"Lei",
""
]
] | TITLE: Language Guided Local Infiltration for Interactive Image Retrieval
ABSTRACT: Interactive Image Retrieval (IIR) aims to retrieve images that are generally
similar to the reference image but under the requested text modification. The
existing methods usually concatenate or sum the features of image and text
simply and roughly, which, however, is difficult to precisely change the local
semantics of the image that the text intends to modify. To solve this problem,
we propose a Language Guided Local Infiltration (LGLI) system, which fully
utilizes the text information and penetrates text features into image features
as much as possible. Specifically, we first propose a Language Prompt Visual
Localization (LPVL) module to generate a localization mask which explicitly
locates the region (semantics) intended to be modified. Then we introduce a
Text Infiltration with Local Awareness (TILA) module, which is deployed in the
network to precisely modify the reference image and generate image-text
infiltrated representation. Extensive experiments on various benchmark
databases validate that our method outperforms most state-of-the-art IIR
approaches.
| no_new_dataset | 0.946646 |
2304.07750 | Valerio Marsocci | Valerio Marsocci, Nicolas Gonthier, Anatol Garioud, Simone Scardapane,
Cl\'ement Mallet | GeoMultiTaskNet: remote sensing unsupervised domain adaptation using
geographical coordinates | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Land cover maps are a pivotal element in a wide range of Earth Observation
(EO) applications. However, annotating large datasets to develop supervised
systems for remote sensing (RS) semantic segmentation is costly and
time-consuming. Unsupervised Domain Adaption (UDA) could tackle these issues by
adapting a model trained on a source domain, where labels are available, to a
target domain, without annotations. UDA, while gaining importance in computer
vision, is still under-investigated in RS. Thus, we propose a new lightweight
model, GeoMultiTaskNet, based on two contributions: a GeoMultiTask module
(GeoMT), which utilizes geographical coordinates to align the source and target
domains, and a Dynamic Class Sampling (DCS) strategy, to adapt the semantic
segmentation loss to the frequency of classes. This approach is the first to
use geographical metadata for UDA in semantic segmentation. It reaches
state-of-the-art performances (47,22% mIoU), reducing at the same time the
number of parameters (33M), on a subset of the FLAIR dataset, a recently
proposed dataset properly shaped for RS UDA, used for the first time ever for
research scopes here.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 11:00:43 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Marsocci",
"Valerio",
""
],
[
"Gonthier",
"Nicolas",
""
],
[
"Garioud",
"Anatol",
""
],
[
"Scardapane",
"Simone",
""
],
[
"Mallet",
"Clément",
""
]
] | TITLE: GeoMultiTaskNet: remote sensing unsupervised domain adaptation using
geographical coordinates
ABSTRACT: Land cover maps are a pivotal element in a wide range of Earth Observation
(EO) applications. However, annotating large datasets to develop supervised
systems for remote sensing (RS) semantic segmentation is costly and
time-consuming. Unsupervised Domain Adaption (UDA) could tackle these issues by
adapting a model trained on a source domain, where labels are available, to a
target domain, without annotations. UDA, while gaining importance in computer
vision, is still under-investigated in RS. Thus, we propose a new lightweight
model, GeoMultiTaskNet, based on two contributions: a GeoMultiTask module
(GeoMT), which utilizes geographical coordinates to align the source and target
domains, and a Dynamic Class Sampling (DCS) strategy, to adapt the semantic
segmentation loss to the frequency of classes. This approach is the first to
use geographical metadata for UDA in semantic segmentation. It reaches
state-of-the-art performances (47,22% mIoU), reducing at the same time the
number of parameters (33M), on a subset of the FLAIR dataset, a recently
proposed dataset properly shaped for RS UDA, used for the first time ever for
research scopes here.
| new_dataset | 0.932453 |
2304.07759 | Ciprian-Octavian Truic\u{a} | Ciprian-Octavian Truic\u{a} and Elena-Simona Apostol | MisRoB{\AE}RTa: Transformers versus Misinformation | null | Mathematics, 10(4):1-25(569), 2022 | 10.3390/math10040569 | null | cs.CL cs.AI | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Misinformation is considered a threat to our democratic values and
principles. The spread of such content on social media polarizes society and
undermines public discourse by distorting public perceptions and generating
social unrest while lacking the rigor of traditional journalism. Transformers
and transfer learning proved to be state-of-the-art methods for multiple
well-known natural language processing tasks. In this paper, we propose
MisRoB{\AE}RTa, a novel transformer-based deep neural ensemble architecture for
misinformation detection. MisRoB{\AE}RTa takes advantage of two transformers
(BART \& RoBERTa) to improve the classification performance. We also
benchmarked and evaluated the performances of multiple transformers on the task
of misinformation detection. For training and testing, we used a large
real-world news articles dataset labeled with 10 classes, addressing two
shortcomings in the current research: increasing the size of the dataset from
small to large, and moving the focus of fake news detection from binary
classification to multi-class classification. For this dataset, we manually
verified the content of the news articles to ensure that they were correctly
labeled. The experimental results show that the accuracy of transformers on the
misinformation detection problem was significantly influenced by the method
employed to learn the context, dataset size, and vocabulary dimension. We
observe empirically that the best accuracy performance among the classification
models that use only one transformer is obtained by BART, while DistilRoBERTa
obtains the best accuracy in the least amount of time required for fine-tuning
and training. The proposed MisRoB{\AE}RTa outperforms the other transformer
models in the task of misinformation detection. To arrive at this conclusion,
we performed ample ablation and sensitivity testing with MisRoB{\AE}RTa on two
datasets.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 12:14:38 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Truică",
"Ciprian-Octavian",
""
],
[
"Apostol",
"Elena-Simona",
""
]
] | TITLE: MisRoB{\AE}RTa: Transformers versus Misinformation
ABSTRACT: Misinformation is considered a threat to our democratic values and
principles. The spread of such content on social media polarizes society and
undermines public discourse by distorting public perceptions and generating
social unrest while lacking the rigor of traditional journalism. Transformers
and transfer learning proved to be state-of-the-art methods for multiple
well-known natural language processing tasks. In this paper, we propose
MisRoB{\AE}RTa, a novel transformer-based deep neural ensemble architecture for
misinformation detection. MisRoB{\AE}RTa takes advantage of two transformers
(BART \& RoBERTa) to improve the classification performance. We also
benchmarked and evaluated the performances of multiple transformers on the task
of misinformation detection. For training and testing, we used a large
real-world news articles dataset labeled with 10 classes, addressing two
shortcomings in the current research: increasing the size of the dataset from
small to large, and moving the focus of fake news detection from binary
classification to multi-class classification. For this dataset, we manually
verified the content of the news articles to ensure that they were correctly
labeled. The experimental results show that the accuracy of transformers on the
misinformation detection problem was significantly influenced by the method
employed to learn the context, dataset size, and vocabulary dimension. We
observe empirically that the best accuracy performance among the classification
models that use only one transformer is obtained by BART, while DistilRoBERTa
obtains the best accuracy in the least amount of time required for fine-tuning
and training. The proposed MisRoB{\AE}RTa outperforms the other transformer
models in the task of misinformation detection. To arrive at this conclusion,
we performed ample ablation and sensitivity testing with MisRoB{\AE}RTa on two
datasets.
| no_new_dataset | 0.950319 |
2304.07774 | Muhammad Salman | Muhammad Salman, Armin Haller, Sergio J. Rodr\'iguez M\'endez | Syntactic Complexity Identification, Measurement, and Reduction Through
Controlled Syntactic Simplification | This work is accepted and presented in International workshop on
Learning with Knowledge Graphs (IWLKG) at WSDM'2023 Conference | null | null | null | cs.CL cs.IR | http://creativecommons.org/publicdomain/zero/1.0/ | Text simplification is one of the domains in Natural Language Processing
(NLP) that offers an opportunity to understand the text in a simplified manner
for exploration. However, it is always hard to understand and retrieve
knowledge from unstructured text, which is usually in the form of compound and
complex sentences. There are state-of-the-art neural network-based methods to
simplify the sentences for improved readability while replacing words with
plain English substitutes and summarising the sentences and paragraphs. In the
Knowledge Graph (KG) creation process from unstructured text, summarising long
sentences and substituting words is undesirable since this may lead to
information loss. However, KG creation from text requires the extraction of all
possible facts (triples) with the same mentions as in the text. In this work,
we propose a controlled simplification based on the factual information in a
sentence, i.e., triple. We present a classical syntactic dependency-based
approach to split and rephrase a compound and complex sentence into a set of
simplified sentences. This simplification process will retain the original
wording with a simple structure of possible domain facts in each sentence,
i.e., triples. The paper also introduces an algorithm to identify and measure a
sentence's syntactic complexity (SC), followed by reduction through a
controlled syntactic simplification process. Last, an experiment for a dataset
re-annotation is also conducted through GPT3; we aim to publish this refined
corpus as a resource. This work is accepted and presented in International
workshop on Learning with Knowledge Graphs (IWLKG) at WSDM-2023 Conference. The
code and data is available at www.github.com/sallmanm/SynSim.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 13:13:58 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Salman",
"Muhammad",
""
],
[
"Haller",
"Armin",
""
],
[
"Méndez",
"Sergio J. Rodríguez",
""
]
] | TITLE: Syntactic Complexity Identification, Measurement, and Reduction Through
Controlled Syntactic Simplification
ABSTRACT: Text simplification is one of the domains in Natural Language Processing
(NLP) that offers an opportunity to understand the text in a simplified manner
for exploration. However, it is always hard to understand and retrieve
knowledge from unstructured text, which is usually in the form of compound and
complex sentences. There are state-of-the-art neural network-based methods to
simplify the sentences for improved readability while replacing words with
plain English substitutes and summarising the sentences and paragraphs. In the
Knowledge Graph (KG) creation process from unstructured text, summarising long
sentences and substituting words is undesirable since this may lead to
information loss. However, KG creation from text requires the extraction of all
possible facts (triples) with the same mentions as in the text. In this work,
we propose a controlled simplification based on the factual information in a
sentence, i.e., triple. We present a classical syntactic dependency-based
approach to split and rephrase a compound and complex sentence into a set of
simplified sentences. This simplification process will retain the original
wording with a simple structure of possible domain facts in each sentence,
i.e., triples. The paper also introduces an algorithm to identify and measure a
sentence's syntactic complexity (SC), followed by reduction through a
controlled syntactic simplification process. Last, an experiment for a dataset
re-annotation is also conducted through GPT3; we aim to publish this refined
corpus as a resource. This work is accepted and presented in International
workshop on Learning with Knowledge Graphs (IWLKG) at WSDM-2023 Conference. The
code and data is available at www.github.com/sallmanm/SynSim.
| no_new_dataset | 0.951549 |
2304.07781 | Ciprian-Octavian Truic\u{a} | Ciprian-Octavian Truic\u{a} and Elena-Simona Apostol | It's All in the Embedding! Fake News Detection Using Document Embeddings | null | Mathematics, 11(3):1-29(508), 2023 | 10.3390/math11030508 | null | cs.CL cs.AI | http://creativecommons.org/licenses/by-nc-nd/4.0/ | With the current shift in the mass media landscape from journalistic rigor to
social media, personalized social media is becoming the new norm. Although the
digitalization progress of the media brings many advantages, it also increases
the risk of spreading disinformation, misinformation, and malformation through
the use of fake news. The emergence of this harmful phenomenon has managed to
polarize society and manipulate public opinion on particular topics, e.g.,
elections, vaccinations, etc. Such information propagated on social media can
distort public perceptions and generate social unrest while lacking the rigor
of traditional journalism. Natural Language Processing and Machine Learning
techniques are essential for developing efficient tools that can detect fake
news. Models that use the context of textual data are essential for resolving
the fake news detection problem, as they manage to encode linguistic features
within the vector representation of words. In this paper, we propose a new
approach that uses document embeddings to build multiple models that accurately
label news articles as reliable or fake. We also present a benchmark on
different architectures that detect fake news using binary or multi-labeled
classification. We evaluated the models on five large news corpora using
accuracy, precision, and recall. We obtained better results than more complex
state-of-the-art Deep Neural Network models. We observe that the most important
factor for obtaining high accuracy is the document encoding, not the
classification model's complexity.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 13:30:06 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Truică",
"Ciprian-Octavian",
""
],
[
"Apostol",
"Elena-Simona",
""
]
] | TITLE: It's All in the Embedding! Fake News Detection Using Document Embeddings
ABSTRACT: With the current shift in the mass media landscape from journalistic rigor to
social media, personalized social media is becoming the new norm. Although the
digitalization progress of the media brings many advantages, it also increases
the risk of spreading disinformation, misinformation, and malformation through
the use of fake news. The emergence of this harmful phenomenon has managed to
polarize society and manipulate public opinion on particular topics, e.g.,
elections, vaccinations, etc. Such information propagated on social media can
distort public perceptions and generate social unrest while lacking the rigor
of traditional journalism. Natural Language Processing and Machine Learning
techniques are essential for developing efficient tools that can detect fake
news. Models that use the context of textual data are essential for resolving
the fake news detection problem, as they manage to encode linguistic features
within the vector representation of words. In this paper, we propose a new
approach that uses document embeddings to build multiple models that accurately
label news articles as reliable or fake. We also present a benchmark on
different architectures that detect fake news using binary or multi-labeled
classification. We evaluated the models on five large news corpora using
accuracy, precision, and recall. We obtained better results than more complex
state-of-the-art Deep Neural Network models. We observe that the most important
factor for obtaining high accuracy is the document encoding, not the
classification model's complexity.
| no_new_dataset | 0.946597 |
2304.07821 | Omer Noy | Omer Noy and Ron Shamir | Time-dependent Iterative Imputation for Multivariate Longitudinal
Clinical Data | null | null | null | null | cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | Missing data is a major challenge in clinical research. In electronic medical
records, often a large fraction of the values in laboratory tests and vital
signs are missing. The missingness can lead to biased estimates and limit our
ability to draw conclusions from the data. Additionally, many machine learning
algorithms can only be applied to complete datasets. A common solution is data
imputation, the process of filling-in the missing values. However, some of the
popular imputation approaches perform poorly on clinical data. We developed a
simple new approach, Time-Dependent Iterative imputation (TDI), which offers a
practical solution for imputing time-series data. It addresses both
multivariate and longitudinal data, by integrating forward-filling and
Iterative Imputer. The integration employs a patient, variable, and
observation-specific dynamic weighting strategy, based on the clinical patterns
of the data, including missing rates and measurement frequency. We tested TDI
on randomly masked clinical datasets. When applied to a cohort consisting of
more than 500,000 patient observations from MIMIC III, our approach
outperformed state-of-the-art imputation methods for 25 out of 30 clinical
variables, with an overall root-mean-squared-error of 0.63, compared to 0.85
for SoftImpute, the second best method. MIMIC III and COVID-19 inpatient
datasets were used to perform prediction tasks. Importantly, these tests
demonstrated that TDI imputation can lead to improved risk prediction.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 16:10:49 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Noy",
"Omer",
""
],
[
"Shamir",
"Ron",
""
]
] | TITLE: Time-dependent Iterative Imputation for Multivariate Longitudinal
Clinical Data
ABSTRACT: Missing data is a major challenge in clinical research. In electronic medical
records, often a large fraction of the values in laboratory tests and vital
signs are missing. The missingness can lead to biased estimates and limit our
ability to draw conclusions from the data. Additionally, many machine learning
algorithms can only be applied to complete datasets. A common solution is data
imputation, the process of filling-in the missing values. However, some of the
popular imputation approaches perform poorly on clinical data. We developed a
simple new approach, Time-Dependent Iterative imputation (TDI), which offers a
practical solution for imputing time-series data. It addresses both
multivariate and longitudinal data, by integrating forward-filling and
Iterative Imputer. The integration employs a patient, variable, and
observation-specific dynamic weighting strategy, based on the clinical patterns
of the data, including missing rates and measurement frequency. We tested TDI
on randomly masked clinical datasets. When applied to a cohort consisting of
more than 500,000 patient observations from MIMIC III, our approach
outperformed state-of-the-art imputation methods for 25 out of 30 clinical
variables, with an overall root-mean-squared-error of 0.63, compared to 0.85
for SoftImpute, the second best method. MIMIC III and COVID-19 inpatient
datasets were used to perform prediction tasks. Importantly, these tests
demonstrated that TDI imputation can lead to improved risk prediction.
| no_new_dataset | 0.94079 |
2304.07822 | JiaHao Xie | JiaHao Xie, Ye Luo, Jianwei Lu | A Random-patch based Defense Strategy Against Physical Attacks for Face
Recognition Systems | null | null | null | null | cs.CV cs.AI | http://creativecommons.org/publicdomain/zero/1.0/ | The physical attack has been regarded as a kind of threat against real-world
computer vision systems. Still, many existing defense methods are only useful
for small perturbations attacks and can't detect physical attacks effectively.
In this paper, we propose a random-patch based defense strategy to robustly
detect physical attacks for Face Recognition System (FRS). Different from
mainstream defense methods which focus on building complex deep neural networks
(DNN) to achieve high recognition rate on attacks, we introduce a patch based
defense strategy to a standard DNN aiming to obtain robust detection models.
Extensive experimental results on the employed datasets show the superiority of
the proposed defense method on detecting white-box attacks and adaptive attacks
which attack both FRS and the defense method. Additionally, due to the
simpleness yet robustness of our method, it can be easily applied to the real
world face recognition system and extended to other defense methods to boost
the detection performance.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 16:11:56 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Xie",
"JiaHao",
""
],
[
"Luo",
"Ye",
""
],
[
"Lu",
"Jianwei",
""
]
] | TITLE: A Random-patch based Defense Strategy Against Physical Attacks for Face
Recognition Systems
ABSTRACT: The physical attack has been regarded as a kind of threat against real-world
computer vision systems. Still, many existing defense methods are only useful
for small perturbations attacks and can't detect physical attacks effectively.
In this paper, we propose a random-patch based defense strategy to robustly
detect physical attacks for Face Recognition System (FRS). Different from
mainstream defense methods which focus on building complex deep neural networks
(DNN) to achieve high recognition rate on attacks, we introduce a patch based
defense strategy to a standard DNN aiming to obtain robust detection models.
Extensive experimental results on the employed datasets show the superiority of
the proposed defense method on detecting white-box attacks and adaptive attacks
which attack both FRS and the defense method. Additionally, due to the
simpleness yet robustness of our method, it can be easily applied to the real
world face recognition system and extended to other defense methods to boost
the detection performance.
| no_new_dataset | 0.948298 |
2304.07854 | Baochang Ma | Yunjie Ji, Yan Gong, Yong Deng, Yiping Peng, Qiang Niu, Baochang Ma,
Xiangang Li | Towards Better Instruction Following Language Models for Chinese:
Investigating the Impact of Training Data and Evaluation | null | null | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Recently, significant public efforts have been directed towards developing
low-cost models with capabilities akin to ChatGPT, thereby fostering the growth
of open-source conversational models. However, there remains a scarcity of
comprehensive and in-depth evaluations of these models' performance. In this
study, we examine the influence of training data factors, including quantity,
quality, and linguistic distribution, on model performance. Our analysis is
grounded in several publicly accessible, high-quality instruction datasets, as
well as our own Chinese multi-turn conversations. We assess various models
using a evaluation set of 1,000 samples, encompassing nine real-world
scenarios. Our goal is to supplement manual evaluations with quantitative
analyses, offering valuable insights for the continued advancement of
open-source chat models. Furthermore, to enhance the performance and training
and inference efficiency of models in the Chinese domain, we extend the
vocabulary of LLaMA - the model with the closest open-source performance to
proprietary language models like GPT-3 - and conduct secondary pre-training on
3.4B Chinese words. We make our model, data, as well as code publicly
available.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 18:37:39 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ji",
"Yunjie",
""
],
[
"Gong",
"Yan",
""
],
[
"Deng",
"Yong",
""
],
[
"Peng",
"Yiping",
""
],
[
"Niu",
"Qiang",
""
],
[
"Ma",
"Baochang",
""
],
[
"Li",
"Xiangang",
""
]
] | TITLE: Towards Better Instruction Following Language Models for Chinese:
Investigating the Impact of Training Data and Evaluation
ABSTRACT: Recently, significant public efforts have been directed towards developing
low-cost models with capabilities akin to ChatGPT, thereby fostering the growth
of open-source conversational models. However, there remains a scarcity of
comprehensive and in-depth evaluations of these models' performance. In this
study, we examine the influence of training data factors, including quantity,
quality, and linguistic distribution, on model performance. Our analysis is
grounded in several publicly accessible, high-quality instruction datasets, as
well as our own Chinese multi-turn conversations. We assess various models
using a evaluation set of 1,000 samples, encompassing nine real-world
scenarios. Our goal is to supplement manual evaluations with quantitative
analyses, offering valuable insights for the continued advancement of
open-source chat models. Furthermore, to enhance the performance and training
and inference efficiency of models in the Chinese domain, we extend the
vocabulary of LLaMA - the model with the closest open-source performance to
proprietary language models like GPT-3 - and conduct secondary pre-training on
3.4B Chinese words. We make our model, data, as well as code publicly
available.
| no_new_dataset | 0.938576 |
2304.07858 | Shen Qijie | Peilin Chen, Hong Wen, Jing Zhang, Fuyu Lv, Zhao Li, Qijie Shen,
Wanjie Tao, Ying Zhou, Chao Zhang | Cold-Start based Multi-Scenario Ranking Model for Click-Through Rate
Prediction | accepted by DASFAA'23 as a Research Paper | null | null | null | cs.IR | http://creativecommons.org/licenses/by-sa/4.0/ | Online travel platforms (OTPs), e.g., Ctrip.com or Fliggy.com, can
effectively provide travel-related products or services to users. In this
paper, we focus on the multi-scenario click-through rate (CTR) prediction,
i.e., training a unified model to serve all scenarios. Existing multi-scenario
based CTR methods struggle in the context of OTP setting due to the ignorance
of the cold-start users who have very limited data. To fill this gap, we
propose a novel method named Cold-Start based Multi-scenario Network (CSMN).
Specifically, it consists of two basic components including: 1) User Interest
Projection Network (UIPN), which firstly purifies users' behaviors by
eliminating the scenario-irrelevant information in behaviors with respect to
the visiting scenario, followed by obtaining users' scenario-specific interests
by summarizing the purified behaviors with respect to the target item via an
attention mechanism; and 2) User Representation Memory Network (URMN), which
benefits cold-start users from users with rich behaviors through a memory read
and write mechanism. CSMN seamlessly integrates both components in an
end-to-end learning framework. Extensive experiments on real-world offline
dataset and online A/B test demonstrate the superiority of CSMN over
state-of-the-art methods.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 18:45:20 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Chen",
"Peilin",
""
],
[
"Wen",
"Hong",
""
],
[
"Zhang",
"Jing",
""
],
[
"Lv",
"Fuyu",
""
],
[
"Li",
"Zhao",
""
],
[
"Shen",
"Qijie",
""
],
[
"Tao",
"Wanjie",
""
],
[
"Zhou",
"Ying",
""
],
[
"Zhang",
"Chao",
""
]
] | TITLE: Cold-Start based Multi-Scenario Ranking Model for Click-Through Rate
Prediction
ABSTRACT: Online travel platforms (OTPs), e.g., Ctrip.com or Fliggy.com, can
effectively provide travel-related products or services to users. In this
paper, we focus on the multi-scenario click-through rate (CTR) prediction,
i.e., training a unified model to serve all scenarios. Existing multi-scenario
based CTR methods struggle in the context of OTP setting due to the ignorance
of the cold-start users who have very limited data. To fill this gap, we
propose a novel method named Cold-Start based Multi-scenario Network (CSMN).
Specifically, it consists of two basic components including: 1) User Interest
Projection Network (UIPN), which firstly purifies users' behaviors by
eliminating the scenario-irrelevant information in behaviors with respect to
the visiting scenario, followed by obtaining users' scenario-specific interests
by summarizing the purified behaviors with respect to the target item via an
attention mechanism; and 2) User Representation Memory Network (URMN), which
benefits cold-start users from users with rich behaviors through a memory read
and write mechanism. CSMN seamlessly integrates both components in an
end-to-end learning framework. Extensive experiments on real-world offline
dataset and online A/B test demonstrate the superiority of CSMN over
state-of-the-art methods.
| no_new_dataset | 0.949342 |
2304.07862 | Xinyi Li | Xinyi Li, Yongfeng Zhang, Edward C. Malthouse | PBNR: Prompt-based News Recommender System | null | null | null | null | cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Online news platforms often use personalized news recommendation methods to
help users discover articles that align with their interests. These methods
typically predict a matching score between a user and a candidate article to
reflect the user's preference for the article. Some previous works have used
language model techniques, such as the attention mechanism, to capture users'
interests based on their past behaviors, and to understand the content of
articles. However, these existing model architectures require adjustments if
additional information is taken into account. Pre-trained large language
models, which can better capture word relationships and comprehend contexts,
have seen a significant development in recent years, and these pre-trained
models have the advantages of transfer learning and reducing the training time
for downstream tasks. Meanwhile, prompt learning is a newly developed technique
that leverages pre-trained language models by building task-specific guidance
for output generations. To leverage textual information in news articles, this
paper introduces the pre-trained large language model and prompt-learning to
the community of news recommendation. The proposed model "prompt-based news
recommendation" (PBNR) treats the personalized news recommendation as a
text-to-text language task and designs personalized prompts to adapt to the
pre-trained language model -- text-to-text transfer transformer (T5).
Experimental studies using the Microsoft News dataset show that PBNR is capable
of making accurate recommendations by taking into account various lengths of
past behaviors of different users. PBNR can also easily adapt to new
information without changing the model architecture and the training objective.
Additionally, PBNR can make recommendations based on users' specific
requirements, allowing human-computer interaction in the news recommendation
field.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 19:03:01 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Li",
"Xinyi",
""
],
[
"Zhang",
"Yongfeng",
""
],
[
"Malthouse",
"Edward C.",
""
]
] | TITLE: PBNR: Prompt-based News Recommender System
ABSTRACT: Online news platforms often use personalized news recommendation methods to
help users discover articles that align with their interests. These methods
typically predict a matching score between a user and a candidate article to
reflect the user's preference for the article. Some previous works have used
language model techniques, such as the attention mechanism, to capture users'
interests based on their past behaviors, and to understand the content of
articles. However, these existing model architectures require adjustments if
additional information is taken into account. Pre-trained large language
models, which can better capture word relationships and comprehend contexts,
have seen a significant development in recent years, and these pre-trained
models have the advantages of transfer learning and reducing the training time
for downstream tasks. Meanwhile, prompt learning is a newly developed technique
that leverages pre-trained language models by building task-specific guidance
for output generations. To leverage textual information in news articles, this
paper introduces the pre-trained large language model and prompt-learning to
the community of news recommendation. The proposed model "prompt-based news
recommendation" (PBNR) treats the personalized news recommendation as a
text-to-text language task and designs personalized prompts to adapt to the
pre-trained language model -- text-to-text transfer transformer (T5).
Experimental studies using the Microsoft News dataset show that PBNR is capable
of making accurate recommendations by taking into account various lengths of
past behaviors of different users. PBNR can also easily adapt to new
information without changing the model architecture and the training objective.
Additionally, PBNR can make recommendations based on users' specific
requirements, allowing human-computer interaction in the news recommendation
field.
| no_new_dataset | 0.949153 |
2304.07875 | Florian Putz | Florian Putz, Johanna Grigo, Thomas Weissmann, Philipp Schubert,
Daniel Hoefler, Ahmed Gomaa, Hassen Ben Tkhayat, Amr Hagag, Sebastian
Lettmaier, Benjamin Frey, Udo S. Gaipl, Luitpold V. Distel, Sabine Semrau,
Christoph Bert, Rainer Fietkau, Yixing Huang | The Segment Anything foundation model achieves favorable brain tumor
autosegmentation accuracy on MRI to support radiotherapy treatment planning | 13 pages, 5 figures | null | null | null | eess.IV cs.CV | http://creativecommons.org/licenses/by/4.0/ | Background: Tumor segmentation in MRI is crucial in radiotherapy (RT)
treatment planning for brain tumor patients. Segment anything (SA), a novel
promptable foundation model for autosegmentation, has shown high accuracy for
multiple segmentation tasks but was not evaluated on medical datasets yet.
Methods: SA was evaluated in a point-to-mask task for glioma brain tumor
autosegmentation on 16744 transversal slices from 369 MRI datasets (BraTS
2020). Up to 9 point prompts were placed per slice. Tumor core (enhancing tumor
+ necrotic core) was segmented on contrast-enhanced T1w sequences. Out of the 3
masks predicted by SA, accuracy was evaluated for the mask with the highest
calculated IoU (oracle mask) and with highest model predicted IoU (suggested
mask). In addition to assessing SA on whole MRI slices, SA was also evaluated
on images cropped to the tumor (max. 3D extent + 2 cm). Results: Mean best IoU
(mbIoU) using oracle mask on full MRI slices was 0.762 (IQR 0.713-0.917). Best
2D mask was achieved after a mean of 6.6 point prompts (IQR 5-9). Segmentation
accuracy was significantly better for high- compared to low-grade glioma cases
(mbIoU 0.789 vs. 0.668). Accuracy was worse using MRI slices cropped to the
tumor (mbIoU 0.759) and was much worse using suggested mask (full slices
0.572). For all experiments, accuracy was low on peripheral slices with few
tumor voxels (mbIoU, <300: 0.537 vs. >=300: 0.841). Stacking best oracle
segmentations from full axial MRI slices, mean 3D DSC for tumor core was 0.872,
which was improved to 0.919 by combining axial, sagittal and coronal masks.
Conclusions: The Segment Anything foundation model, while trained on photos,
can achieve high zero-shot accuracy for glioma brain tumor segmentation on MRI
slices. The results suggest that Segment Anything can accelerate and facilitate
RT treatment planning, when properly integrated in a clinical application.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 19:46:46 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Putz",
"Florian",
""
],
[
"Grigo",
"Johanna",
""
],
[
"Weissmann",
"Thomas",
""
],
[
"Schubert",
"Philipp",
""
],
[
"Hoefler",
"Daniel",
""
],
[
"Gomaa",
"Ahmed",
""
],
[
"Tkhayat",
"Hassen Ben",
""
],
[
"Hagag",
"Amr",
""
],
[
"Lettmaier",
"Sebastian",
""
],
[
"Frey",
"Benjamin",
""
],
[
"Gaipl",
"Udo S.",
""
],
[
"Distel",
"Luitpold V.",
""
],
[
"Semrau",
"Sabine",
""
],
[
"Bert",
"Christoph",
""
],
[
"Fietkau",
"Rainer",
""
],
[
"Huang",
"Yixing",
""
]
] | TITLE: The Segment Anything foundation model achieves favorable brain tumor
autosegmentation accuracy on MRI to support radiotherapy treatment planning
ABSTRACT: Background: Tumor segmentation in MRI is crucial in radiotherapy (RT)
treatment planning for brain tumor patients. Segment anything (SA), a novel
promptable foundation model for autosegmentation, has shown high accuracy for
multiple segmentation tasks but was not evaluated on medical datasets yet.
Methods: SA was evaluated in a point-to-mask task for glioma brain tumor
autosegmentation on 16744 transversal slices from 369 MRI datasets (BraTS
2020). Up to 9 point prompts were placed per slice. Tumor core (enhancing tumor
+ necrotic core) was segmented on contrast-enhanced T1w sequences. Out of the 3
masks predicted by SA, accuracy was evaluated for the mask with the highest
calculated IoU (oracle mask) and with highest model predicted IoU (suggested
mask). In addition to assessing SA on whole MRI slices, SA was also evaluated
on images cropped to the tumor (max. 3D extent + 2 cm). Results: Mean best IoU
(mbIoU) using oracle mask on full MRI slices was 0.762 (IQR 0.713-0.917). Best
2D mask was achieved after a mean of 6.6 point prompts (IQR 5-9). Segmentation
accuracy was significantly better for high- compared to low-grade glioma cases
(mbIoU 0.789 vs. 0.668). Accuracy was worse using MRI slices cropped to the
tumor (mbIoU 0.759) and was much worse using suggested mask (full slices
0.572). For all experiments, accuracy was low on peripheral slices with few
tumor voxels (mbIoU, <300: 0.537 vs. >=300: 0.841). Stacking best oracle
segmentations from full axial MRI slices, mean 3D DSC for tumor core was 0.872,
which was improved to 0.919 by combining axial, sagittal and coronal masks.
Conclusions: The Segment Anything foundation model, while trained on photos,
can achieve high zero-shot accuracy for glioma brain tumor segmentation on MRI
slices. The results suggest that Segment Anything can accelerate and facilitate
RT treatment planning, when properly integrated in a clinical application.
| no_new_dataset | 0.952397 |
2304.07883 | Lia Morra | Luca Piano, Filippo Gabriele Prattic\`o, Alessandro Sebastian Russo,
Lorenzo Lanari, Lia Morra, Fabrizio Lamberti | Bent & Broken Bicycles: Leveraging synthetic data for damaged object
re-identification | null | Proceedings of the IEEE/CVF Winter Conference on Applications of
Computer Vision (WACV) 2023, pp. 4881-4891 | 10.1109/WACV56688.2023.00486 | null | cs.CV cs.GR cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Instance-level object re-identification is a fundamental computer vision
task, with applications from image retrieval to intelligent monitoring and
fraud detection. In this work, we propose the novel task of damaged object
re-identification, which aims at distinguishing changes in visual appearance
due to deformations or missing parts from subtle intra-class variations. To
explore this task, we leverage the power of computer-generated imagery to
create, in a semi-automatic fashion, high-quality synthetic images of the same
bike before and after a damage occurs. The resulting dataset, Bent & Broken
Bicycles (BBBicycles), contains 39,200 images and 2,800 unique bike instances
spanning 20 different bike models. As a baseline for this task, we propose
TransReI3D, a multi-task, transformer-based deep network unifying damage
detection (framed as a multi-label classification task) with object
re-identification. The BBBicycles dataset is available at
https://huggingface.co/datasets/GrainsPolito/BBBicycles
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 20:23:58 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Piano",
"Luca",
""
],
[
"Pratticò",
"Filippo Gabriele",
""
],
[
"Russo",
"Alessandro Sebastian",
""
],
[
"Lanari",
"Lorenzo",
""
],
[
"Morra",
"Lia",
""
],
[
"Lamberti",
"Fabrizio",
""
]
] | TITLE: Bent & Broken Bicycles: Leveraging synthetic data for damaged object
re-identification
ABSTRACT: Instance-level object re-identification is a fundamental computer vision
task, with applications from image retrieval to intelligent monitoring and
fraud detection. In this work, we propose the novel task of damaged object
re-identification, which aims at distinguishing changes in visual appearance
due to deformations or missing parts from subtle intra-class variations. To
explore this task, we leverage the power of computer-generated imagery to
create, in a semi-automatic fashion, high-quality synthetic images of the same
bike before and after a damage occurs. The resulting dataset, Bent & Broken
Bicycles (BBBicycles), contains 39,200 images and 2,800 unique bike instances
spanning 20 different bike models. As a baseline for this task, we propose
TransReI3D, a multi-task, transformer-based deep network unifying damage
detection (framed as a multi-label classification task) with object
re-identification. The BBBicycles dataset is available at
https://huggingface.co/datasets/GrainsPolito/BBBicycles
| new_dataset | 0.9598 |
2304.07901 | Romario Sameh Romario | Belal Badawy, Romario Sameh Samir, Youssef Tarek, Mohammed Ahmed, Rana
Ibrahim, Manar Ahmed, Mohamed Hassan | Brain Tumor classification and Segmentation using Deep Learning | null | null | null | null | eess.IV cs.CV cs.LG | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Brain tumors are a complex and potentially life-threatening medical condition
that requires accurate diagnosis and timely treatment. In this paper, we
present a machine learning-based system designed to assist healthcare
professionals in the classification and diagnosis of brain tumors using MRI
images. Our system provides a secure login, where doctors can upload or take a
photo of MRI and our app can classify the model and segment the tumor,
providing the doctor with a folder of each patient's history, name, and
results. Our system can also add results or MRI to this folder, draw on the MRI
to send it to another doctor, and save important results in a saved page in the
app. Furthermore, our system can classify in less than 1 second and allow
doctors to chat with a community of brain tumor doctors.
To achieve these objectives, our system uses a state-of-the-art machine
learning algorithm that has been trained on a large dataset of MRI images. The
algorithm can accurately classify different types of brain tumors and provide
doctors with detailed information on the size, location, and severity of the
tumor. Additionally, our system has several features to ensure its security and
privacy, including secure login and data encryption.
We evaluated our system using a dataset of real-world MRI images and compared
its performance to other existing systems. Our results demonstrate that our
system is highly accurate, efficient, and easy to use. We believe that our
system has the potential to revolutionize the field of brain tumor diagnosis
and treatment and provide healthcare professionals with a powerful tool for
improving patient outcomes.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 21:42:21 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Badawy",
"Belal",
""
],
[
"Samir",
"Romario Sameh",
""
],
[
"Tarek",
"Youssef",
""
],
[
"Ahmed",
"Mohammed",
""
],
[
"Ibrahim",
"Rana",
""
],
[
"Ahmed",
"Manar",
""
],
[
"Hassan",
"Mohamed",
""
]
] | TITLE: Brain Tumor classification and Segmentation using Deep Learning
ABSTRACT: Brain tumors are a complex and potentially life-threatening medical condition
that requires accurate diagnosis and timely treatment. In this paper, we
present a machine learning-based system designed to assist healthcare
professionals in the classification and diagnosis of brain tumors using MRI
images. Our system provides a secure login, where doctors can upload or take a
photo of MRI and our app can classify the model and segment the tumor,
providing the doctor with a folder of each patient's history, name, and
results. Our system can also add results or MRI to this folder, draw on the MRI
to send it to another doctor, and save important results in a saved page in the
app. Furthermore, our system can classify in less than 1 second and allow
doctors to chat with a community of brain tumor doctors.
To achieve these objectives, our system uses a state-of-the-art machine
learning algorithm that has been trained on a large dataset of MRI images. The
algorithm can accurately classify different types of brain tumors and provide
doctors with detailed information on the size, location, and severity of the
tumor. Additionally, our system has several features to ensure its security and
privacy, including secure login and data encryption.
We evaluated our system using a dataset of real-world MRI images and compared
its performance to other existing systems. Our results demonstrate that our
system is highly accurate, efficient, and easy to use. We believe that our
system has the potential to revolutionize the field of brain tumor diagnosis
and treatment and provide healthcare professionals with a powerful tool for
improving patient outcomes.
| no_new_dataset | 0.925365 |
2304.07918 | Yaxuan Zhu | Yaxuan Zhu, Jianwen Xie, Ping Li | Likelihood-Based Generative Radiance Field with Latent Space
Energy-Based Model for 3D-Aware Disentangled Image Representation | null | null | null | null | cs.CV stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We propose the NeRF-LEBM, a likelihood-based top-down 3D-aware 2D image
generative model that incorporates 3D representation via Neural Radiance Fields
(NeRF) and 2D imaging process via differentiable volume rendering. The model
represents an image as a rendering process from 3D object to 2D image and is
conditioned on some latent variables that account for object characteristics
and are assumed to follow informative trainable energy-based prior models. We
propose two likelihood-based learning frameworks to train the NeRF-LEBM: (i)
maximum likelihood estimation with Markov chain Monte Carlo-based inference and
(ii) variational inference with the reparameterization trick. We study our
models in the scenarios with both known and unknown camera poses. Experiments
on several benchmark datasets demonstrate that the NeRF-LEBM can infer 3D
object structures from 2D images, generate 2D images with novel views and
objects, learn from incomplete 2D images, and learn from 2D images with known
or unknown camera poses.
| [
{
"version": "v1",
"created": "Sun, 16 Apr 2023 23:44:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhu",
"Yaxuan",
""
],
[
"Xie",
"Jianwen",
""
],
[
"Li",
"Ping",
""
]
] | TITLE: Likelihood-Based Generative Radiance Field with Latent Space
Energy-Based Model for 3D-Aware Disentangled Image Representation
ABSTRACT: We propose the NeRF-LEBM, a likelihood-based top-down 3D-aware 2D image
generative model that incorporates 3D representation via Neural Radiance Fields
(NeRF) and 2D imaging process via differentiable volume rendering. The model
represents an image as a rendering process from 3D object to 2D image and is
conditioned on some latent variables that account for object characteristics
and are assumed to follow informative trainable energy-based prior models. We
propose two likelihood-based learning frameworks to train the NeRF-LEBM: (i)
maximum likelihood estimation with Markov chain Monte Carlo-based inference and
(ii) variational inference with the reparameterization trick. We study our
models in the scenarios with both known and unknown camera poses. Experiments
on several benchmark datasets demonstrate that the NeRF-LEBM can infer 3D
object structures from 2D images, generate 2D images with novel views and
objects, learn from incomplete 2D images, and learn from 2D images with known
or unknown camera poses.
| no_new_dataset | 0.949342 |
2304.07923 | Yong Chen | Rui Liu and Bin Yin and Ziyi Cao and Qianchen Xia and Yong Chen and
Dell Zhang | PerCoNet: News Recommendation with Explicit Persona and Contrastive
Learning | 9 pages, 5 figures, 2 tables, 56 references | null | null | null | cs.IR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Personalized news recommender systems help users quickly find content of
their interests from the sea of information. Today, the mainstream technology
for personalized news recommendation is based on deep neural networks that can
accurately model the semantic match between news items and users' interests. In
this paper, we present \textbf{PerCoNet}, a novel deep learning approach to
personalized news recommendation which features two new findings: (i)
representing users through \emph{explicit persona analysis} based on the
prominent entities in their recent news reading history could be more effective
than latent persona analysis employed by most existing work, with a side
benefit of enhanced explainability; (ii) utilizing the title and abstract of
each news item via cross-view \emph{contrastive learning} would work better
than just combining them directly. Extensive experiments on two real-world news
datasets clearly show the superior performance of our proposed approach in
comparison with current state-of-the-art techniques.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 00:28:03 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Liu",
"Rui",
""
],
[
"Yin",
"Bin",
""
],
[
"Cao",
"Ziyi",
""
],
[
"Xia",
"Qianchen",
""
],
[
"Chen",
"Yong",
""
],
[
"Zhang",
"Dell",
""
]
] | TITLE: PerCoNet: News Recommendation with Explicit Persona and Contrastive
Learning
ABSTRACT: Personalized news recommender systems help users quickly find content of
their interests from the sea of information. Today, the mainstream technology
for personalized news recommendation is based on deep neural networks that can
accurately model the semantic match between news items and users' interests. In
this paper, we present \textbf{PerCoNet}, a novel deep learning approach to
personalized news recommendation which features two new findings: (i)
representing users through \emph{explicit persona analysis} based on the
prominent entities in their recent news reading history could be more effective
than latent persona analysis employed by most existing work, with a side
benefit of enhanced explainability; (ii) utilizing the title and abstract of
each news item via cross-view \emph{contrastive learning} would work better
than just combining them directly. Extensive experiments on two real-world news
datasets clearly show the superior performance of our proposed approach in
comparison with current state-of-the-art techniques.
| no_new_dataset | 0.949059 |
2304.07926 | Bruno Tafur | Bruno Tafur and Advait Sarkar | User Perceptions of Automatic Fake News Detection: Can Algorithms Fight
Online Misinformation? | null | null | null | null | cs.HC cs.CY | http://creativecommons.org/licenses/by/4.0/ | Fake news detection algorithms apply machine learning to various news
attributes and their relationships. However, their success is usually evaluated
based on how the algorithm performs on a static benchmark, independent of real
users. On the other hand, studies of user trust in fake news has identified
relevant factors such as the user's previous beliefs, the article format, and
the source's reputation. We present a user study (n=40) evaluating how warnings
issued by fake news detection algorithms affect the user's ability to detect
misinformation. We find that such warnings strongly influence users' perception
of the truth, that even a moderately accurate classifier can improve overall
user accuracy, and that users tend to be biased towards agreeing with the
algorithm, even when it is incorrect.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 00:37:53 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Tafur",
"Bruno",
""
],
[
"Sarkar",
"Advait",
""
]
] | TITLE: User Perceptions of Automatic Fake News Detection: Can Algorithms Fight
Online Misinformation?
ABSTRACT: Fake news detection algorithms apply machine learning to various news
attributes and their relationships. However, their success is usually evaluated
based on how the algorithm performs on a static benchmark, independent of real
users. On the other hand, studies of user trust in fake news has identified
relevant factors such as the user's previous beliefs, the article format, and
the source's reputation. We present a user study (n=40) evaluating how warnings
issued by fake news detection algorithms affect the user's ability to detect
misinformation. We find that such warnings strongly influence users' perception
of the truth, that even a moderately accurate classifier can improve overall
user accuracy, and that users tend to be biased towards agreeing with the
algorithm, even when it is incorrect.
| no_new_dataset | 0.874131 |
2304.07941 | Quintin Fettes | Quintin Fettes, Avinash Karanth, Razvan Bunescu, Brandon Beckwith,
Sreenivas Subramoney | Reclaimer: A Reinforcement Learning Approach to Dynamic Resource
Allocation for Cloud Microservices | null | null | null | null | cs.DC cs.LG | http://creativecommons.org/licenses/by-sa/4.0/ | Many cloud applications are migrated from the monolithic model to a
microservices framework in which hundreds of loosely-coupled microservices run
concurrently, with significant benefits in terms of scalability, rapid
development, modularity, and isolation. However, dependencies among
microservices with uneven execution time may result in longer queues, idle
resources, or Quality-of-Service (QoS) violations.
In this paper we introduce Reclaimer, a deep reinforcement learning model
that adapts to runtime changes in the number and behavior of microservices in
order to minimize CPU core allocation while meeting QoS requirements. When
evaluated with two benchmark microservice-based applications, Reclaimer reduces
the mean CPU core allocation by 38.4% to 74.4% relative to the
industry-standard scaling solution, and by 27.5% to 58.1% relative to a current
state-of-the art method.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 01:44:05 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Fettes",
"Quintin",
""
],
[
"Karanth",
"Avinash",
""
],
[
"Bunescu",
"Razvan",
""
],
[
"Beckwith",
"Brandon",
""
],
[
"Subramoney",
"Sreenivas",
""
]
] | TITLE: Reclaimer: A Reinforcement Learning Approach to Dynamic Resource
Allocation for Cloud Microservices
ABSTRACT: Many cloud applications are migrated from the monolithic model to a
microservices framework in which hundreds of loosely-coupled microservices run
concurrently, with significant benefits in terms of scalability, rapid
development, modularity, and isolation. However, dependencies among
microservices with uneven execution time may result in longer queues, idle
resources, or Quality-of-Service (QoS) violations.
In this paper we introduce Reclaimer, a deep reinforcement learning model
that adapts to runtime changes in the number and behavior of microservices in
order to minimize CPU core allocation while meeting QoS requirements. When
evaluated with two benchmark microservice-based applications, Reclaimer reduces
the mean CPU core allocation by 38.4% to 74.4% relative to the
industry-standard scaling solution, and by 27.5% to 58.1% relative to a current
state-of-the art method.
| no_new_dataset | 0.946745 |
2304.07946 | Ulugbek Ergashev | Ulugbek Ergashev, Eduard C. Dragut, Weiyi Meng | Learning To Rank Resources with GNN | null | null | 10.1145/3543507.3583360 | null | cs.IR cs.LG | http://creativecommons.org/licenses/by-nc-nd/4.0/ | As the content on the Internet continues to grow, many new dynamically
changing and heterogeneous sources of data constantly emerge. A conventional
search engine cannot crawl and index at the same pace as the expansion of the
Internet. Moreover, a large portion of the data on the Internet is not
accessible to traditional search engines. Distributed Information Retrieval
(DIR) is a viable solution to this as it integrates multiple shards (resources)
and provides a unified access to them. Resource selection is a key component of
DIR systems. There is a rich body of literature on resource selection
approaches for DIR. A key limitation of the existing approaches is that they
primarily use term-based statistical features and do not generally model
resource-query and resource-resource relationships. In this paper, we propose a
graph neural network (GNN) based approach to learning-to-rank that is capable
of modeling resource-query and resource-resource relationships. Specifically,
we utilize a pre-trained language model (PTLM) to obtain semantic information
from queries and resources. Then, we explicitly build a heterogeneous graph to
preserve structural information of query-resource relationships and employ GNN
to extract structural information. In addition, the heterogeneous graph is
enriched with resource-resource type of edges to further enhance the ranking
accuracy. Extensive experiments on benchmark datasets show that our proposed
approach is highly effective in resource selection. Our method outperforms the
state-of-the-art by 6.4% to 42% on various performance metrics.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 02:01:45 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ergashev",
"Ulugbek",
""
],
[
"Dragut",
"Eduard C.",
""
],
[
"Meng",
"Weiyi",
""
]
] | TITLE: Learning To Rank Resources with GNN
ABSTRACT: As the content on the Internet continues to grow, many new dynamically
changing and heterogeneous sources of data constantly emerge. A conventional
search engine cannot crawl and index at the same pace as the expansion of the
Internet. Moreover, a large portion of the data on the Internet is not
accessible to traditional search engines. Distributed Information Retrieval
(DIR) is a viable solution to this as it integrates multiple shards (resources)
and provides a unified access to them. Resource selection is a key component of
DIR systems. There is a rich body of literature on resource selection
approaches for DIR. A key limitation of the existing approaches is that they
primarily use term-based statistical features and do not generally model
resource-query and resource-resource relationships. In this paper, we propose a
graph neural network (GNN) based approach to learning-to-rank that is capable
of modeling resource-query and resource-resource relationships. Specifically,
we utilize a pre-trained language model (PTLM) to obtain semantic information
from queries and resources. Then, we explicitly build a heterogeneous graph to
preserve structural information of query-resource relationships and employ GNN
to extract structural information. In addition, the heterogeneous graph is
enriched with resource-resource type of edges to further enhance the ranking
accuracy. Extensive experiments on benchmark datasets show that our proposed
approach is highly effective in resource selection. Our method outperforms the
state-of-the-art by 6.4% to 42% on various performance metrics.
| no_new_dataset | 0.943867 |
2304.07957 | Kai Hu | Kai Hu, Zhuoyuan Wu, Zhuoyao Zhong, Weihong Lin, Lei Sun, Qiang Huo | A Question-Answering Approach to Key Value Pair Extraction from
Form-like Document Images | AAAI 2023 | null | null | null | cs.CL | http://creativecommons.org/licenses/by-nc-nd/4.0/ | In this paper, we present a new question-answering (QA) based key-value pair
extraction approach, called KVPFormer, to robustly extracting key-value
relationships between entities from form-like document images. Specifically,
KVPFormer first identifies key entities from all entities in an image with a
Transformer encoder, then takes these key entities as \textbf{questions} and
feeds them into a Transformer decoder to predict their corresponding
\textbf{answers} (i.e., value entities) in parallel. To achieve higher answer
prediction accuracy, we propose a coarse-to-fine answer prediction approach
further, which first extracts multiple answer candidates for each identified
question in the coarse stage and then selects the most likely one among these
candidates in the fine stage. In this way, the learning difficulty of answer
prediction can be effectively reduced so that the prediction accuracy can be
improved. Moreover, we introduce a spatial compatibility attention bias into
the self-attention/cross-attention mechanism for \Ours{} to better model the
spatial interactions between entities. With these new techniques, our proposed
\Ours{} achieves state-of-the-art results on FUNSD and XFUND datasets,
outperforming the previous best-performing method by 7.2\% and 13.2\% in F1
score, respectively.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 02:55:31 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Hu",
"Kai",
""
],
[
"Wu",
"Zhuoyuan",
""
],
[
"Zhong",
"Zhuoyao",
""
],
[
"Lin",
"Weihong",
""
],
[
"Sun",
"Lei",
""
],
[
"Huo",
"Qiang",
""
]
] | TITLE: A Question-Answering Approach to Key Value Pair Extraction from
Form-like Document Images
ABSTRACT: In this paper, we present a new question-answering (QA) based key-value pair
extraction approach, called KVPFormer, to robustly extracting key-value
relationships between entities from form-like document images. Specifically,
KVPFormer first identifies key entities from all entities in an image with a
Transformer encoder, then takes these key entities as \textbf{questions} and
feeds them into a Transformer decoder to predict their corresponding
\textbf{answers} (i.e., value entities) in parallel. To achieve higher answer
prediction accuracy, we propose a coarse-to-fine answer prediction approach
further, which first extracts multiple answer candidates for each identified
question in the coarse stage and then selects the most likely one among these
candidates in the fine stage. In this way, the learning difficulty of answer
prediction can be effectively reduced so that the prediction accuracy can be
improved. Moreover, we introduce a spatial compatibility attention bias into
the self-attention/cross-attention mechanism for \Ours{} to better model the
spatial interactions between entities. With these new techniques, our proposed
\Ours{} achieves state-of-the-art results on FUNSD and XFUND datasets,
outperforming the previous best-performing method by 7.2\% and 13.2\% in F1
score, respectively.
| no_new_dataset | 0.948917 |
2304.07958 | Rajasekar Gnana Praveen | R Gnana Praveen, Eric Granger, Patrick Cardinal | Recursive Joint Attention for Audio-Visual Fusion in Regression based
Emotion Recognition | null | null | null | null | cs.CV cs.SD eess.AS | http://creativecommons.org/licenses/by/4.0/ | In video-based emotion recognition (ER), it is important to effectively
leverage the complementary relationship among audio (A) and visual (V)
modalities, while retaining the intra-modal characteristics of individual
modalities. In this paper, a recursive joint attention model is proposed along
with long short-term memory (LSTM) modules for the fusion of vocal and facial
expressions in regression-based ER. Specifically, we investigated the
possibility of exploiting the complementary nature of A and V modalities using
a joint cross-attention model in a recursive fashion with LSTMs to capture the
intra-modal temporal dependencies within the same modalities as well as among
the A-V feature representations. By integrating LSTMs with recursive joint
cross-attention, our model can efficiently leverage both intra- and inter-modal
relationships for the fusion of A and V modalities. The results of extensive
experiments performed on the challenging Affwild2 and Fatigue (private)
datasets indicate that the proposed A-V fusion model can significantly
outperform state-of-art-methods.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 02:57:39 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Praveen",
"R Gnana",
""
],
[
"Granger",
"Eric",
""
],
[
"Cardinal",
"Patrick",
""
]
] | TITLE: Recursive Joint Attention for Audio-Visual Fusion in Regression based
Emotion Recognition
ABSTRACT: In video-based emotion recognition (ER), it is important to effectively
leverage the complementary relationship among audio (A) and visual (V)
modalities, while retaining the intra-modal characteristics of individual
modalities. In this paper, a recursive joint attention model is proposed along
with long short-term memory (LSTM) modules for the fusion of vocal and facial
expressions in regression-based ER. Specifically, we investigated the
possibility of exploiting the complementary nature of A and V modalities using
a joint cross-attention model in a recursive fashion with LSTMs to capture the
intra-modal temporal dependencies within the same modalities as well as among
the A-V feature representations. By integrating LSTMs with recursive joint
cross-attention, our model can efficiently leverage both intra- and inter-modal
relationships for the fusion of A and V modalities. The results of extensive
experiments performed on the challenging Affwild2 and Fatigue (private)
datasets indicate that the proposed A-V fusion model can significantly
outperform state-of-art-methods.
| no_new_dataset | 0.946051 |
2304.07969 | Junzhang Chen | Junzhang Chen and Xiangzhi Bai | Learning to "Segment Anything" in Thermal Infrared Images through
Knowledge Distillation with a Large Scale Dataset SATIR | 5 pages, 4 figures, 1 table | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | The Segment Anything Model (SAM) is a promptable segmentation model recently
introduced by Meta AI that has demonstrated its prowess across various fields
beyond just image segmentation. SAM can accurately segment images across
diverse fields, and generating various masks. We discovered that this ability
of SAM can be leveraged to pretrain models for specific fields. Accordingly, we
have proposed a framework that utilizes SAM to generate pseudo labels for
pretraining thermal infrared image segmentation tasks. Our proposed framework
can effectively improve the accuracy of segmentation results of specific
categories beyond the SOTA ImageNet pretrained model. Our framework presents a
novel approach to collaborate with models trained with large data like SAM to
address problems in special fields. Also, we generated a large scale thermal
infrared segmentation dataset used for pretaining, which contains over 100,000
images with pixel-annotation labels. This approach offers an effective solution
for working with large models in special fields where label annotation is
challenging. Our code is available at https://github.com/chenjzBUAA/SATIR
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 03:27:10 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Chen",
"Junzhang",
""
],
[
"Bai",
"Xiangzhi",
""
]
] | TITLE: Learning to "Segment Anything" in Thermal Infrared Images through
Knowledge Distillation with a Large Scale Dataset SATIR
ABSTRACT: The Segment Anything Model (SAM) is a promptable segmentation model recently
introduced by Meta AI that has demonstrated its prowess across various fields
beyond just image segmentation. SAM can accurately segment images across
diverse fields, and generating various masks. We discovered that this ability
of SAM can be leveraged to pretrain models for specific fields. Accordingly, we
have proposed a framework that utilizes SAM to generate pseudo labels for
pretraining thermal infrared image segmentation tasks. Our proposed framework
can effectively improve the accuracy of segmentation results of specific
categories beyond the SOTA ImageNet pretrained model. Our framework presents a
novel approach to collaborate with models trained with large data like SAM to
address problems in special fields. Also, we generated a large scale thermal
infrared segmentation dataset used for pretaining, which contains over 100,000
images with pixel-annotation labels. This approach offers an effective solution
for working with large models in special fields where label annotation is
challenging. Our code is available at https://github.com/chenjzBUAA/SATIR
| new_dataset | 0.952042 |
2304.07971 | Jianghong Ma | Tianjun Wei, Jianghong Ma, Tommy W.S. Chow | Collaborative Residual Metric Learning | Accepted by SIGIR '23 | null | 10.1145/3539618.3591649 | null | cs.IR | http://creativecommons.org/licenses/by-nc-nd/4.0/ | In collaborative filtering, distance metric learning has been applied to
matrix factorization techniques with promising results. However, matrix
factorization lacks the ability of capturing collaborative information, which
has been remarked by recent works and improved by interpreting user
interactions as signals. This paper aims to find out how metric learning
connect to these signal-based models. By adopting a generalized distance
metric, we discovered that in signal-based models, it is easier to estimate the
residual of distances, which refers to the difference between the distances
from a user to a target item and another item, rather than estimating the
distances themselves. Further analysis also uncovers a link between the
normalization strength of interaction signals and the novelty of
recommendation, which has been overlooked by existing studies. Based on the
above findings, we propose a novel model to learn a generalized distance
user-item distance metric to capture user preference in interaction signals by
modeling the residuals of distance. The proposed CoRML model is then further
improved in training efficiency by a newly introduced approximated ranking
weight. Extensive experiments conducted on 4 public datasets demonstrate the
superior performance of CoRML compared to the state-of-the-art baselines in
collaborative filtering, along with high efficiency and the ability of
providing novelty-promoted recommendations, shedding new light on the study of
metric learning-based recommender systems.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 03:30:32 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wei",
"Tianjun",
""
],
[
"Ma",
"Jianghong",
""
],
[
"Chow",
"Tommy W. S.",
""
]
] | TITLE: Collaborative Residual Metric Learning
ABSTRACT: In collaborative filtering, distance metric learning has been applied to
matrix factorization techniques with promising results. However, matrix
factorization lacks the ability of capturing collaborative information, which
has been remarked by recent works and improved by interpreting user
interactions as signals. This paper aims to find out how metric learning
connect to these signal-based models. By adopting a generalized distance
metric, we discovered that in signal-based models, it is easier to estimate the
residual of distances, which refers to the difference between the distances
from a user to a target item and another item, rather than estimating the
distances themselves. Further analysis also uncovers a link between the
normalization strength of interaction signals and the novelty of
recommendation, which has been overlooked by existing studies. Based on the
above findings, we propose a novel model to learn a generalized distance
user-item distance metric to capture user preference in interaction signals by
modeling the residuals of distance. The proposed CoRML model is then further
improved in training efficiency by a newly introduced approximated ranking
weight. Extensive experiments conducted on 4 public datasets demonstrate the
superior performance of CoRML compared to the state-of-the-art baselines in
collaborative filtering, along with high efficiency and the ability of
providing novelty-promoted recommendations, shedding new light on the study of
metric learning-based recommender systems.
| no_new_dataset | 0.94801 |
2304.07978 | Jingqiu Zhou | Jingqiu Zhou, Linjiang Huang, Liang Wang, Si Liu, Hongsheng Li | Improving Weakly Supervised Temporal Action Localization by Bridging
Train-Test Gap in Pseudo Labels | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | The task of weakly supervised temporal action localization targets at
generating temporal boundaries for actions of interest, meanwhile the action
category should also be classified. Pseudo-label-based methods, which serve as
an effective solution, have been widely studied recently. However, existing
methods generate pseudo labels during training and make predictions during
testing under different pipelines or settings, resulting in a gap between
training and testing. In this paper, we propose to generate high-quality pseudo
labels from the predicted action boundaries. Nevertheless, we note that
existing post-processing, like NMS, would lead to information loss, which is
insufficient to generate high-quality action boundaries. More importantly,
transforming action boundaries into pseudo labels is quite challenging, since
the predicted action instances are generally overlapped and have different
confidence scores. Besides, the generated pseudo-labels can be fluctuating and
inaccurate at the early stage of training. It might repeatedly strengthen the
false predictions if there is no mechanism to conduct self-correction. To
tackle these issues, we come up with an effective pipeline for learning better
pseudo labels. Firstly, we propose a Gaussian weighted fusion module to
preserve information of action instances and obtain high-quality action
boundaries. Second, we formulate the pseudo-label generation as an optimization
problem under the constraints in terms of the confidence scores of action
instances. Finally, we introduce the idea of $\Delta$ pseudo labels, which
enables the model with the ability of self-correction. Our method achieves
superior performance to existing methods on two benchmarks, THUMOS14 and
ActivityNet1.3, achieving gains of 1.9\% on THUMOS14 and 3.7\% on
ActivityNet1.3 in terms of average mAP.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 03:47:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhou",
"Jingqiu",
""
],
[
"Huang",
"Linjiang",
""
],
[
"Wang",
"Liang",
""
],
[
"Liu",
"Si",
""
],
[
"Li",
"Hongsheng",
""
]
] | TITLE: Improving Weakly Supervised Temporal Action Localization by Bridging
Train-Test Gap in Pseudo Labels
ABSTRACT: The task of weakly supervised temporal action localization targets at
generating temporal boundaries for actions of interest, meanwhile the action
category should also be classified. Pseudo-label-based methods, which serve as
an effective solution, have been widely studied recently. However, existing
methods generate pseudo labels during training and make predictions during
testing under different pipelines or settings, resulting in a gap between
training and testing. In this paper, we propose to generate high-quality pseudo
labels from the predicted action boundaries. Nevertheless, we note that
existing post-processing, like NMS, would lead to information loss, which is
insufficient to generate high-quality action boundaries. More importantly,
transforming action boundaries into pseudo labels is quite challenging, since
the predicted action instances are generally overlapped and have different
confidence scores. Besides, the generated pseudo-labels can be fluctuating and
inaccurate at the early stage of training. It might repeatedly strengthen the
false predictions if there is no mechanism to conduct self-correction. To
tackle these issues, we come up with an effective pipeline for learning better
pseudo labels. Firstly, we propose a Gaussian weighted fusion module to
preserve information of action instances and obtain high-quality action
boundaries. Second, we formulate the pseudo-label generation as an optimization
problem under the constraints in terms of the confidence scores of action
instances. Finally, we introduce the idea of $\Delta$ pseudo labels, which
enables the model with the ability of self-correction. Our method achieves
superior performance to existing methods on two benchmarks, THUMOS14 and
ActivityNet1.3, achieving gains of 1.9\% on THUMOS14 and 3.7\% on
ActivityNet1.3 in terms of average mAP.
| no_new_dataset | 0.94625 |
2304.07979 | Qiang Nie | Jianlin Liu, Qiang Nie, Yong Liu and Chengjie Wang | NeRF-Loc: Visual Localization with Conditional Neural Radiance Field | accepted by ICRA 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | We propose a novel visual re-localization method based on direct matching
between the implicit 3D descriptors and the 2D image with transformer. A
conditional neural radiance field(NeRF) is chosen as the 3D scene
representation in our pipeline, which supports continuous 3D descriptors
generation and neural rendering. By unifying the feature matching and the scene
coordinate regression to the same framework, our model learns both
generalizable knowledge and scene prior respectively during two training
stages. Furthermore, to improve the localization robustness when domain gap
exists between training and testing phases, we propose an appearance adaptation
layer to explicitly align styles between the 3D model and the query image.
Experiments show that our method achieves higher localization accuracy than
other learning-based approaches on multiple benchmarks. Code is available at
\url{https://github.com/JenningsL/nerf-loc}.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 03:53:02 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Liu",
"Jianlin",
""
],
[
"Nie",
"Qiang",
""
],
[
"Liu",
"Yong",
""
],
[
"Wang",
"Chengjie",
""
]
] | TITLE: NeRF-Loc: Visual Localization with Conditional Neural Radiance Field
ABSTRACT: We propose a novel visual re-localization method based on direct matching
between the implicit 3D descriptors and the 2D image with transformer. A
conditional neural radiance field(NeRF) is chosen as the 3D scene
representation in our pipeline, which supports continuous 3D descriptors
generation and neural rendering. By unifying the feature matching and the scene
coordinate regression to the same framework, our model learns both
generalizable knowledge and scene prior respectively during two training
stages. Furthermore, to improve the localization robustness when domain gap
exists between training and testing phases, we propose an appearance adaptation
layer to explicitly align styles between the 3D model and the query image.
Experiments show that our method achieves higher localization accuracy than
other learning-based approaches on multiple benchmarks. Code is available at
\url{https://github.com/JenningsL/nerf-loc}.
| no_new_dataset | 0.949201 |
2304.07980 | Yunruo Zhang | Yunruo Zhang, Tianyu Du, Shouling Ji, Peng Tang, and Shanqing Guo | RNN-Guard: Certified Robustness Against Multi-frame Attacks for
Recurrent Neural Networks | 13 pages, 7 figures, 6 tables | null | null | null | cs.LG cs.CR | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | It is well-known that recurrent neural networks (RNNs), although widely used,
are vulnerable to adversarial attacks including one-frame attacks and
multi-frame attacks. Though a few certified defenses exist to provide
guaranteed robustness against one-frame attacks, we prove that defending
against multi-frame attacks remains a challenging problem due to their enormous
perturbation space. In this paper, we propose the first certified defense
against multi-frame attacks for RNNs called RNN-Guard. To address the above
challenge, we adopt the perturb-all-frame strategy to construct perturbation
spaces consistent with those in multi-frame attacks. However, the
perturb-all-frame strategy causes a precision issue in linear relaxations. To
address this issue, we introduce a novel abstract domain called InterZono and
design tighter relaxations. We prove that InterZono is more precise than
Zonotope yet carries the same time complexity. Experimental evaluations across
various datasets and model structures show that the certified robust accuracy
calculated by RNN-Guard with InterZono is up to 2.18 times higher than that
with Zonotope. In addition, we extend RNN-Guard as the first certified training
method against multi-frame attacks to directly enhance RNNs' robustness. The
results show that the certified robust accuracy of models trained with
RNN-Guard against multi-frame attacks is 15.47 to 67.65 percentage points
higher than those with other training methods.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 03:58:54 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhang",
"Yunruo",
""
],
[
"Du",
"Tianyu",
""
],
[
"Ji",
"Shouling",
""
],
[
"Tang",
"Peng",
""
],
[
"Guo",
"Shanqing",
""
]
] | TITLE: RNN-Guard: Certified Robustness Against Multi-frame Attacks for
Recurrent Neural Networks
ABSTRACT: It is well-known that recurrent neural networks (RNNs), although widely used,
are vulnerable to adversarial attacks including one-frame attacks and
multi-frame attacks. Though a few certified defenses exist to provide
guaranteed robustness against one-frame attacks, we prove that defending
against multi-frame attacks remains a challenging problem due to their enormous
perturbation space. In this paper, we propose the first certified defense
against multi-frame attacks for RNNs called RNN-Guard. To address the above
challenge, we adopt the perturb-all-frame strategy to construct perturbation
spaces consistent with those in multi-frame attacks. However, the
perturb-all-frame strategy causes a precision issue in linear relaxations. To
address this issue, we introduce a novel abstract domain called InterZono and
design tighter relaxations. We prove that InterZono is more precise than
Zonotope yet carries the same time complexity. Experimental evaluations across
various datasets and model structures show that the certified robust accuracy
calculated by RNN-Guard with InterZono is up to 2.18 times higher than that
with Zonotope. In addition, we extend RNN-Guard as the first certified training
method against multi-frame attacks to directly enhance RNNs' robustness. The
results show that the certified robust accuracy of models trained with
RNN-Guard against multi-frame attacks is 15.47 to 67.65 percentage points
higher than those with other training methods.
| no_new_dataset | 0.944485 |
2304.07981 | Bing Luo | Bing Luo, Yutong Feng, Shiqiang Wang, Jianwei Huang, Leandros
Tassiulas | Incentive Mechanism Design for Unbiased Federated Learning with
Randomized Client Participation | Accepted in ICDCS 2023 | null | null | null | cs.GT cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | Incentive mechanism is crucial for federated learning (FL) when rational
clients do not have the same interests in the global model as the server.
However, due to system heterogeneity and limited budget, it is generally
impractical for the server to incentivize all clients to participate in all
training rounds (known as full participation). The existing FL incentive
mechanisms are typically designed by stimulating a fixed subset of clients
based on their data quantity or system resources. Hence, FL is performed only
using this subset of clients throughout the entire training process, leading to
a biased model because of data heterogeneity. This paper proposes a game
theoretic incentive mechanism for FL with randomized client participation,
where the server adopts a customized pricing strategy that motivates different
clients to join with different participation levels (probabilities) for
obtaining an unbiased and high performance model. Each client responds to the
server's monetary incentive by choosing its best participation level, to
maximize its profit based on not only the incurred local cost but also its
intrinsic value for the global model. To effectively evaluate clients'
contribution to the model performance, we derive a new convergence bound which
analytically predicts how clients' arbitrary participation levels and their
heterogeneous data affect the model performance. By solving a non-convex
optimization problem, our analysis reveals that the intrinsic value leads to
the interesting possibility of bidirectional payment between the server and
clients. Experimental results using real datasets on a hardware prototype
demonstrate the superiority of our mechanism in achieving higher model
performance for the server as well as higher profits for the clients.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 04:05:57 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Luo",
"Bing",
""
],
[
"Feng",
"Yutong",
""
],
[
"Wang",
"Shiqiang",
""
],
[
"Huang",
"Jianwei",
""
],
[
"Tassiulas",
"Leandros",
""
]
] | TITLE: Incentive Mechanism Design for Unbiased Federated Learning with
Randomized Client Participation
ABSTRACT: Incentive mechanism is crucial for federated learning (FL) when rational
clients do not have the same interests in the global model as the server.
However, due to system heterogeneity and limited budget, it is generally
impractical for the server to incentivize all clients to participate in all
training rounds (known as full participation). The existing FL incentive
mechanisms are typically designed by stimulating a fixed subset of clients
based on their data quantity or system resources. Hence, FL is performed only
using this subset of clients throughout the entire training process, leading to
a biased model because of data heterogeneity. This paper proposes a game
theoretic incentive mechanism for FL with randomized client participation,
where the server adopts a customized pricing strategy that motivates different
clients to join with different participation levels (probabilities) for
obtaining an unbiased and high performance model. Each client responds to the
server's monetary incentive by choosing its best participation level, to
maximize its profit based on not only the incurred local cost but also its
intrinsic value for the global model. To effectively evaluate clients'
contribution to the model performance, we derive a new convergence bound which
analytically predicts how clients' arbitrary participation levels and their
heterogeneous data affect the model performance. By solving a non-convex
optimization problem, our analysis reveals that the intrinsic value leads to
the interesting possibility of bidirectional payment between the server and
clients. Experimental results using real datasets on a hardware prototype
demonstrate the superiority of our mechanism in achieving higher model
performance for the server as well as higher profits for the clients.
| no_new_dataset | 0.949389 |
2304.07991 | Sota Kato | Sota Kato and Kazuhiro Hotta | One-shot and Partially-Supervised Cell Image Segmentation Using Small
Visual Prompt | Accepted at CVPR2023: 8th IEEE Workshop on Computer Vision for
Microscopy Image Analysis (CVMI) | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Semantic segmentation of microscopic cell images using deep learning is an
important technique, however, it requires a large number of images and ground
truth labels for training. To address the above problem, we consider an
efficient learning framework with as little data as possible, and we propose
two types of learning strategies: One-shot segmentation which can learn with
only one training sample, and Partially-supervised segmentation which assigns
annotations to only a part of images. Furthermore, we introduce novel
segmentation methods using the small prompt images inspired by prompt learning
in recent studies. Our proposed methods use a pre-trained model based on only
cell images and teach the information of the prompt pairs to the target image
to be segmented by the attention mechanism, which allows for efficient learning
while reducing the burden of annotation costs. Through experiments conducted on
three types of microscopic cell image datasets, we confirmed that the proposed
method improved the Dice score coefficient (DSC) in comparison with the
conventional methods.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 05:04:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kato",
"Sota",
""
],
[
"Hotta",
"Kazuhiro",
""
]
] | TITLE: One-shot and Partially-Supervised Cell Image Segmentation Using Small
Visual Prompt
ABSTRACT: Semantic segmentation of microscopic cell images using deep learning is an
important technique, however, it requires a large number of images and ground
truth labels for training. To address the above problem, we consider an
efficient learning framework with as little data as possible, and we propose
two types of learning strategies: One-shot segmentation which can learn with
only one training sample, and Partially-supervised segmentation which assigns
annotations to only a part of images. Furthermore, we introduce novel
segmentation methods using the small prompt images inspired by prompt learning
in recent studies. Our proposed methods use a pre-trained model based on only
cell images and teach the information of the prompt pairs to the target image
to be segmented by the attention mechanism, which allows for efficient learning
while reducing the burden of annotation costs. Through experiments conducted on
three types of microscopic cell image datasets, we confirmed that the proposed
method improved the Dice score coefficient (DSC) in comparison with the
conventional methods.
| no_new_dataset | 0.953492 |
2304.07995 | Qian Liu | Qian Liu, Fan Zhou, Zhengbao Jiang, Longxu Dou, Min Lin | From Zero to Hero: Examining the Power of Symbolic Tasks in Instruction
Tuning | Work in Progress. The code is released at
https://github.com/sail-sg/symbolic-instruction-tuning | null | null | null | cs.CL cs.AI | http://creativecommons.org/licenses/by/4.0/ | Fine-tuning language models on tasks with instructions has demonstrated
potential in facilitating zero-shot generalization to unseen tasks. In this
paper, we introduce a straightforward yet effective method for enhancing
instruction tuning by employing symbolic tasks. Compared to crowdsourced human
tasks or model-generated tasks, symbolic tasks present a unique advantage as
they can be easily generated in vast quantities, theoretically providing an
infinite supply of high-quality training instances. To explore the potential of
symbolic tasks, we carry out an extensive case study on the representative
symbolic task of SQL execution. Empirical results on various benchmarks
validate that the integration of SQL execution leads to significant
improvements in zero-shot scenarios, particularly in table reasoning. Notably,
our 3B model surpasses both the 175B GPT-3 and ChatGPT in zero-shot table
reasoning across four benchmarks. Furthermore, experimental results on BBH (27
tasks) and MMLU (57 tasks) reveal that language models can be enhanced through
symbolic tasks without compromising their generality. We hope that our paper
serves as a catalyst, inspiring increased efforts to incorporate symbolic tasks
in instruction tuning.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 05:29:42 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Liu",
"Qian",
""
],
[
"Zhou",
"Fan",
""
],
[
"Jiang",
"Zhengbao",
""
],
[
"Dou",
"Longxu",
""
],
[
"Lin",
"Min",
""
]
] | TITLE: From Zero to Hero: Examining the Power of Symbolic Tasks in Instruction
Tuning
ABSTRACT: Fine-tuning language models on tasks with instructions has demonstrated
potential in facilitating zero-shot generalization to unseen tasks. In this
paper, we introduce a straightforward yet effective method for enhancing
instruction tuning by employing symbolic tasks. Compared to crowdsourced human
tasks or model-generated tasks, symbolic tasks present a unique advantage as
they can be easily generated in vast quantities, theoretically providing an
infinite supply of high-quality training instances. To explore the potential of
symbolic tasks, we carry out an extensive case study on the representative
symbolic task of SQL execution. Empirical results on various benchmarks
validate that the integration of SQL execution leads to significant
improvements in zero-shot scenarios, particularly in table reasoning. Notably,
our 3B model surpasses both the 175B GPT-3 and ChatGPT in zero-shot table
reasoning across four benchmarks. Furthermore, experimental results on BBH (27
tasks) and MMLU (57 tasks) reveal that language models can be enhanced through
symbolic tasks without compromising their generality. We hope that our paper
serves as a catalyst, inspiring increased efforts to incorporate symbolic tasks
in instruction tuning.
| no_new_dataset | 0.943191 |
2304.08023 | Michel Hayoz | Michel Hayoz, Christopher Hahne, Mathias Gallardo, Daniel Candinas,
Thomas Kurmann, Maximilian Allan, Raphael Sznitman | Learning How To Robustly Estimate Camera Pose in Endoscopic Videos | Accepted at IPCAI 2023 | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | Purpose: Surgical scene understanding plays a critical role in the technology
stack of tomorrow's intervention-assisting systems in endoscopic surgeries. For
this, tracking the endoscope pose is a key component, but remains challenging
due to illumination conditions, deforming tissues and the breathing motion of
organs. Method: We propose a solution for stereo endoscopes that estimates
depth and optical flow to minimize two geometric losses for camera pose
estimation. Most importantly, we introduce two learned adaptive per-pixel
weight mappings that balance contributions according to the input image
content. To do so, we train a Deep Declarative Network to take advantage of the
expressiveness of deep-learning and the robustness of a novel geometric-based
optimization approach. We validate our approach on the publicly available
SCARED dataset and introduce a new in-vivo dataset, StereoMIS, which includes a
wider spectrum of typically observed surgical settings. Results: Our method
outperforms state-of-the-art methods on average and more importantly, in
difficult scenarios where tissue deformations and breathing motion are visible.
We observed that our proposed weight mappings attenuate the contribution of
pixels on ambiguous regions of the images, such as deforming tissues.
Conclusion: We demonstrate the effectiveness of our solution to robustly
estimate the camera pose in challenging endoscopic surgical scenes. Our
contributions can be used to improve related tasks like simultaneous
localization and mapping (SLAM) or 3D reconstruction, therefore advancing
surgical scene understanding in minimally-invasive surgery.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 07:05:01 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Hayoz",
"Michel",
""
],
[
"Hahne",
"Christopher",
""
],
[
"Gallardo",
"Mathias",
""
],
[
"Candinas",
"Daniel",
""
],
[
"Kurmann",
"Thomas",
""
],
[
"Allan",
"Maximilian",
""
],
[
"Sznitman",
"Raphael",
""
]
] | TITLE: Learning How To Robustly Estimate Camera Pose in Endoscopic Videos
ABSTRACT: Purpose: Surgical scene understanding plays a critical role in the technology
stack of tomorrow's intervention-assisting systems in endoscopic surgeries. For
this, tracking the endoscope pose is a key component, but remains challenging
due to illumination conditions, deforming tissues and the breathing motion of
organs. Method: We propose a solution for stereo endoscopes that estimates
depth and optical flow to minimize two geometric losses for camera pose
estimation. Most importantly, we introduce two learned adaptive per-pixel
weight mappings that balance contributions according to the input image
content. To do so, we train a Deep Declarative Network to take advantage of the
expressiveness of deep-learning and the robustness of a novel geometric-based
optimization approach. We validate our approach on the publicly available
SCARED dataset and introduce a new in-vivo dataset, StereoMIS, which includes a
wider spectrum of typically observed surgical settings. Results: Our method
outperforms state-of-the-art methods on average and more importantly, in
difficult scenarios where tissue deformations and breathing motion are visible.
We observed that our proposed weight mappings attenuate the contribution of
pixels on ambiguous regions of the images, such as deforming tissues.
Conclusion: We demonstrate the effectiveness of our solution to robustly
estimate the camera pose in challenging endoscopic surgical scenes. Our
contributions can be used to improve related tasks like simultaneous
localization and mapping (SLAM) or 3D reconstruction, therefore advancing
surgical scene understanding in minimally-invasive surgery.
| new_dataset | 0.96157 |
2304.08047 | Kevin Deturck | K\'evin Deturck (ERTIM), Parantapa Goswami, Damien Nouvel (ERTIM),
Fr\'ed\'erique Segond (ERTIM) | ERTIM@MC2: Diversified Argumentative Tweets Retrieval | null | CLEF 2018, 2018, Avignon, France | null | null | cs.CL | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | In this paper, we present our participation to CLEF MC2 2018 edition for the
task 2 Mining opinion argumentation. It consists in detecting the most
argumentative and diverse Tweets about some festivals in English and French
from a massive multilingual collection. We measure argumentativity of a Tweet
computing the amount of argumentation compounds it contains. We consider
argumentation compounds as a combination between opinion expression and its
support with facts and a particular structuration. Regarding diversity, we
consider the amount of festival aspects covered by Tweets. An initial step
filters the original dataset to fit the language and topic requirements of the
task. Then, we compute and integrate linguistic descriptors to detect claims
and their respective justifications in Tweets. The final step extracts the most
diverse arguments by clustering Tweets according to their textual content and
selecting the most argumentative ones from each cluster. We conclude the paper
describing the different ways we combined the descriptors among the different
runs we submitted and discussing their results.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 08:06:17 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Deturck",
"Kévin",
"",
"ERTIM"
],
[
"Goswami",
"Parantapa",
"",
"ERTIM"
],
[
"Nouvel",
"Damien",
"",
"ERTIM"
],
[
"Segond",
"Frédérique",
"",
"ERTIM"
]
] | TITLE: ERTIM@MC2: Diversified Argumentative Tweets Retrieval
ABSTRACT: In this paper, we present our participation to CLEF MC2 2018 edition for the
task 2 Mining opinion argumentation. It consists in detecting the most
argumentative and diverse Tweets about some festivals in English and French
from a massive multilingual collection. We measure argumentativity of a Tweet
computing the amount of argumentation compounds it contains. We consider
argumentation compounds as a combination between opinion expression and its
support with facts and a particular structuration. Regarding diversity, we
consider the amount of festival aspects covered by Tweets. An initial step
filters the original dataset to fit the language and topic requirements of the
task. Then, we compute and integrate linguistic descriptors to detect claims
and their respective justifications in Tweets. The final step extracts the most
diverse arguments by clustering Tweets according to their textual content and
selecting the most argumentative ones from each cluster. We conclude the paper
describing the different ways we combined the descriptors among the different
runs we submitted and discussing their results.
| no_new_dataset | 0.951863 |
2304.08054 | Aude Sportisse | Irene Balelli (EPIONE, UCA), Aude Sportisse (MAASAI, UCA,3iA C\^ote
d'Azur), Francesco Cremonesi (EPIONE, UCA), Pierre-Alexandre Mattei (MAASAI,
UCA,3iA C\^ote d'Azur), Marco Lorenzi (EPIONE, UCA,3iA C\^ote d'Azur) | Fed-MIWAE: Federated Imputation of Incomplete Data via Deep Generative
Models | null | null | null | null | stat.ML cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Federated learning allows for the training of machine learning models on
multiple decentralized local datasets without requiring explicit data exchange.
However, data pre-processing, including strategies for handling missing data,
remains a major bottleneck in real-world federated learning deployment, and is
typically performed locally. This approach may be biased, since the
subpopulations locally observed at each center may not be representative of the
overall one. To address this issue, this paper first proposes a more consistent
approach to data standardization through a federated model. Additionally, we
propose Fed-MIWAE, a federated version of the state-of-the-art imputation
method MIWAE, a deep latent variable model for missing data imputation based on
variational autoencoders. MIWAE has the great advantage of being easily
trainable with classical federated aggregators. Furthermore, it is able to deal
with MAR (Missing At Random) data, a more challenging missing-data mechanism
than MCAR (Missing Completely At Random), where the missingness of a variable
can depend on the observed ones. We evaluate our method on multi-modal medical
imaging data and clinical scores from a simulated federated scenario with the
ADNI dataset. We compare Fed-MIWAE with respect to classical imputation
methods, either performed locally or in a centralized fashion. Fed-MIWAE allows
to achieve imputation accuracy comparable with the best centralized method,
even when local data distributions are highly heterogeneous. In addition,
thanks to the variational nature of Fed-MIWAE, our method is designed to
perform multiple imputation, allowing for the quantification of the imputation
uncertainty in the federated scenario.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 08:14:08 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Balelli",
"Irene",
"",
"EPIONE, UCA"
],
[
"Sportisse",
"Aude",
"",
"MAASAI, UCA,3iA Côte\n d'Azur"
],
[
"Cremonesi",
"Francesco",
"",
"EPIONE, UCA"
],
[
"Mattei",
"Pierre-Alexandre",
"",
"MAASAI,\n UCA,3iA Côte d'Azur"
],
[
"Lorenzi",
"Marco",
"",
"EPIONE, UCA,3iA Côte d'Azur"
]
] | TITLE: Fed-MIWAE: Federated Imputation of Incomplete Data via Deep Generative
Models
ABSTRACT: Federated learning allows for the training of machine learning models on
multiple decentralized local datasets without requiring explicit data exchange.
However, data pre-processing, including strategies for handling missing data,
remains a major bottleneck in real-world federated learning deployment, and is
typically performed locally. This approach may be biased, since the
subpopulations locally observed at each center may not be representative of the
overall one. To address this issue, this paper first proposes a more consistent
approach to data standardization through a federated model. Additionally, we
propose Fed-MIWAE, a federated version of the state-of-the-art imputation
method MIWAE, a deep latent variable model for missing data imputation based on
variational autoencoders. MIWAE has the great advantage of being easily
trainable with classical federated aggregators. Furthermore, it is able to deal
with MAR (Missing At Random) data, a more challenging missing-data mechanism
than MCAR (Missing Completely At Random), where the missingness of a variable
can depend on the observed ones. We evaluate our method on multi-modal medical
imaging data and clinical scores from a simulated federated scenario with the
ADNI dataset. We compare Fed-MIWAE with respect to classical imputation
methods, either performed locally or in a centralized fashion. Fed-MIWAE allows
to achieve imputation accuracy comparable with the best centralized method,
even when local data distributions are highly heterogeneous. In addition,
thanks to the variational nature of Fed-MIWAE, our method is designed to
perform multiple imputation, allowing for the quantification of the imputation
uncertainty in the federated scenario.
| no_new_dataset | 0.946399 |
2304.08056 | Ewelina Rupnik | Mohamed Ali Chebbi, Ewelina Rupnik, Marc Pierrot-Deseilligny, Paul
Lopes | DeepSim-Nets: Deep Similarity Networks for Stereo Image Matching | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by/4.0/ | We present three multi-scale similarity learning architectures, or DeepSim
networks. These models learn pixel-level matching with a contrastive loss and
are agnostic to the geometry of the considered scene. We establish a middle
ground between hybrid and end-to-end approaches by learning to densely allocate
all corresponding pixels of an epipolar pair at once. Our features are learnt
on large image tiles to be expressive and capture the scene's wider context. We
also demonstrate that curated sample mining can enhance the overall robustness
of the predicted similarities and improve the performance on radiometrically
homogeneous areas. We run experiments on aerial and satellite datasets. Our
DeepSim-Nets outperform the baseline hybrid approaches and generalize better to
unseen scene geometries than end-to-end methods. Our flexible architecture can
be readily adopted in standard multi-resolution image matching pipelines.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 08:15:47 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Chebbi",
"Mohamed Ali",
""
],
[
"Rupnik",
"Ewelina",
""
],
[
"Pierrot-Deseilligny",
"Marc",
""
],
[
"Lopes",
"Paul",
""
]
] | TITLE: DeepSim-Nets: Deep Similarity Networks for Stereo Image Matching
ABSTRACT: We present three multi-scale similarity learning architectures, or DeepSim
networks. These models learn pixel-level matching with a contrastive loss and
are agnostic to the geometry of the considered scene. We establish a middle
ground between hybrid and end-to-end approaches by learning to densely allocate
all corresponding pixels of an epipolar pair at once. Our features are learnt
on large image tiles to be expressive and capture the scene's wider context. We
also demonstrate that curated sample mining can enhance the overall robustness
of the predicted similarities and improve the performance on radiometrically
homogeneous areas. We run experiments on aerial and satellite datasets. Our
DeepSim-Nets outperform the baseline hybrid approaches and generalize better to
unseen scene geometries than end-to-end methods. Our flexible architecture can
be readily adopted in standard multi-resolution image matching pipelines.
| no_new_dataset | 0.94887 |
2304.08078 | Weinan Guan | Weinan Guan, Wei Wang, Jing Dong, Bo Peng and Tieniu Tan | Collaborative Feature Learning for Fine-grained Facial Forgery Detection
and Segmentation | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Detecting maliciously falsified facial images and videos has attracted
extensive attention from digital-forensics and computer-vision communities. An
important topic in manipulation detection is the localization of the fake
regions. Previous work related to forgery detection mostly focuses on the
entire faces. However, recent forgery methods have developed to edit important
facial components while maintaining others unchanged. This drives us to not
only focus on the forgery detection but also fine-grained falsified region
segmentation. In this paper, we propose a collaborative feature learning
approach to simultaneously detect manipulation and segment the falsified
components. With the collaborative manner, detection and segmentation can boost
each other efficiently. To enable our study of forgery detection and
segmentation, we build a facial forgery dataset consisting of both entire and
partial face forgeries with their pixel-level manipulation ground-truth.
Experiment results have justified the mutual promotion between forgery
detection and manipulated region segmentation. The overall performance of the
proposed approach is better than the state-of-the-art detection or segmentation
approaches. The visualization results have shown that our proposed model always
captures the artifacts on facial regions, which is more reasonable.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 08:49:11 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Guan",
"Weinan",
""
],
[
"Wang",
"Wei",
""
],
[
"Dong",
"Jing",
""
],
[
"Peng",
"Bo",
""
],
[
"Tan",
"Tieniu",
""
]
] | TITLE: Collaborative Feature Learning for Fine-grained Facial Forgery Detection
and Segmentation
ABSTRACT: Detecting maliciously falsified facial images and videos has attracted
extensive attention from digital-forensics and computer-vision communities. An
important topic in manipulation detection is the localization of the fake
regions. Previous work related to forgery detection mostly focuses on the
entire faces. However, recent forgery methods have developed to edit important
facial components while maintaining others unchanged. This drives us to not
only focus on the forgery detection but also fine-grained falsified region
segmentation. In this paper, we propose a collaborative feature learning
approach to simultaneously detect manipulation and segment the falsified
components. With the collaborative manner, detection and segmentation can boost
each other efficiently. To enable our study of forgery detection and
segmentation, we build a facial forgery dataset consisting of both entire and
partial face forgeries with their pixel-level manipulation ground-truth.
Experiment results have justified the mutual promotion between forgery
detection and manipulated region segmentation. The overall performance of the
proposed approach is better than the state-of-the-art detection or segmentation
approaches. The visualization results have shown that our proposed model always
captures the artifacts on facial regions, which is more reasonable.
| new_dataset | 0.953923 |
2304.08085 | Xiao Wang | Xiao Wang, Weikang Zhou, Can Zu, Han Xia, Tianze Chen, Yuansen Zhang,
Rui Zheng, Junjie Ye, Qi Zhang, Tao Gui, Jihua Kang, Jingsheng Yang, Siyuan
Li, Chunsai Du | InstructUIE: Multi-task Instruction Tuning for Unified Information
Extraction | null | null | null | null | cs.CL cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Large language models have unlocked strong multi-task capabilities from
reading instructive prompts. However, recent studies have shown that existing
large models still have difficulty with information extraction tasks. For
example, gpt-3.5-turbo achieved an F1 score of 18.22 on the Ontonotes dataset,
which is significantly lower than the state-of-the-art performance. In this
paper, we propose InstructUIE, a unified information extraction framework based
on instruction tuning, which can uniformly model various information extraction
tasks and capture the inter-task dependency. To validate the proposed method,
we introduce IE INSTRUCTIONS, a benchmark of 32 diverse information extraction
datasets in a unified text-to-text format with expert-written instructions.
Experimental results demonstrate that our method achieves comparable
performance to Bert in supervised settings and significantly outperforms the
state-of-the-art and gpt3.5 in zero-shot settings.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:00:50 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Wang",
"Xiao",
""
],
[
"Zhou",
"Weikang",
""
],
[
"Zu",
"Can",
""
],
[
"Xia",
"Han",
""
],
[
"Chen",
"Tianze",
""
],
[
"Zhang",
"Yuansen",
""
],
[
"Zheng",
"Rui",
""
],
[
"Ye",
"Junjie",
""
],
[
"Zhang",
"Qi",
""
],
[
"Gui",
"Tao",
""
],
[
"Kang",
"Jihua",
""
],
[
"Yang",
"Jingsheng",
""
],
[
"Li",
"Siyuan",
""
],
[
"Du",
"Chunsai",
""
]
] | TITLE: InstructUIE: Multi-task Instruction Tuning for Unified Information
Extraction
ABSTRACT: Large language models have unlocked strong multi-task capabilities from
reading instructive prompts. However, recent studies have shown that existing
large models still have difficulty with information extraction tasks. For
example, gpt-3.5-turbo achieved an F1 score of 18.22 on the Ontonotes dataset,
which is significantly lower than the state-of-the-art performance. In this
paper, we propose InstructUIE, a unified information extraction framework based
on instruction tuning, which can uniformly model various information extraction
tasks and capture the inter-task dependency. To validate the proposed method,
we introduce IE INSTRUCTIONS, a benchmark of 32 diverse information extraction
datasets in a unified text-to-text format with expert-written instructions.
Experimental results demonstrate that our method achieves comparable
performance to Bert in supervised settings and significantly outperforms the
state-of-the-art and gpt3.5 in zero-shot settings.
| new_dataset | 0.968231 |
2304.08095 | Maxime Guillaud | Paul Ferrand, Maxime Guillaud, Christoph Studer, Olav Tirkkonen | Wireless Channel Charting: Theory, Practice, and Applications | Accepted for publication in the IEEE Communication Magazine | null | null | null | cs.IT cs.AI math.IT | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Channel charting is a recently proposed framework that applies dimensionality
reduction to channel state information (CSI) in wireless systems with the goal
of associating a pseudo-position to each mobile user in a low-dimensional
space: the channel chart. Channel charting summarizes the entire CSI dataset in
a self-supervised manner, which opens up a range of applications that are tied
to user location. In this article, we introduce the theoretical underpinnings
of channel charting and present an overview of recent algorithmic developments
and experimental results obtained in the field. We furthermore discuss concrete
application examples of channel charting to network- and user-related
applications, and we provide a perspective on future developments and
challenges as well as the role of channel charting in next-generation wireless
networks.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:10:46 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ferrand",
"Paul",
""
],
[
"Guillaud",
"Maxime",
""
],
[
"Studer",
"Christoph",
""
],
[
"Tirkkonen",
"Olav",
""
]
] | TITLE: Wireless Channel Charting: Theory, Practice, and Applications
ABSTRACT: Channel charting is a recently proposed framework that applies dimensionality
reduction to channel state information (CSI) in wireless systems with the goal
of associating a pseudo-position to each mobile user in a low-dimensional
space: the channel chart. Channel charting summarizes the entire CSI dataset in
a self-supervised manner, which opens up a range of applications that are tied
to user location. In this article, we introduce the theoretical underpinnings
of channel charting and present an overview of recent algorithmic developments
and experimental results obtained in the field. We furthermore discuss concrete
application examples of channel charting to network- and user-related
applications, and we provide a perspective on future developments and
challenges as well as the role of channel charting in next-generation wireless
networks.
| no_new_dataset | 0.953101 |
2304.08098 | Federico Becattini | Federico Becattini, Federico Maria Teotini, Alberto Del Bimbo | Transformer-based Graph Neural Networks for Outfit Generation | Accepted for publication in IEEE Transactions on Emerging Topics in
Computing | null | null | null | cs.CV cs.IR | http://creativecommons.org/licenses/by/4.0/ | Suggesting complementary clothing items to compose an outfit is a process of
emerging interest, yet it involves a fine understanding of fashion trends and
visual aesthetics. Previous works have mainly focused on recommendation by
scoring visual appeal and representing garments as ordered sequences or as
collections of pairwise-compatible items. This limits the full usage of
relations among clothes. We attempt to bridge the gap between outfit
recommendation and generation by leveraging a graph-based representation of
items in a collection. The work carried out in this paper, tries to build a
bridge between outfit recommendation and generation, by discovering new
appealing outfits starting from a collection of pre-existing ones. We propose a
transformer-based architecture, named TGNN, which exploits multi-headed self
attention to capture relations between clothing items in a graph as a message
passing step in Convolutional Graph Neural Networks. Specifically, starting
from a seed, i.e.~one or more garments, outfit generation is performed by
iteratively choosing the garment that is most compatible with the previously
chosen ones. Extensive experimentations are conducted with two different
datasets, demonstrating the capability of the model to perform seeded outfit
generation as well as obtaining state of the art results on compatibility
estimation tasks.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:18:45 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Becattini",
"Federico",
""
],
[
"Teotini",
"Federico Maria",
""
],
[
"Del Bimbo",
"Alberto",
""
]
] | TITLE: Transformer-based Graph Neural Networks for Outfit Generation
ABSTRACT: Suggesting complementary clothing items to compose an outfit is a process of
emerging interest, yet it involves a fine understanding of fashion trends and
visual aesthetics. Previous works have mainly focused on recommendation by
scoring visual appeal and representing garments as ordered sequences or as
collections of pairwise-compatible items. This limits the full usage of
relations among clothes. We attempt to bridge the gap between outfit
recommendation and generation by leveraging a graph-based representation of
items in a collection. The work carried out in this paper, tries to build a
bridge between outfit recommendation and generation, by discovering new
appealing outfits starting from a collection of pre-existing ones. We propose a
transformer-based architecture, named TGNN, which exploits multi-headed self
attention to capture relations between clothing items in a graph as a message
passing step in Convolutional Graph Neural Networks. Specifically, starting
from a seed, i.e.~one or more garments, outfit generation is performed by
iteratively choosing the garment that is most compatible with the previously
chosen ones. Extensive experimentations are conducted with two different
datasets, demonstrating the capability of the model to perform seeded outfit
generation as well as obtaining state of the art results on compatibility
estimation tasks.
| no_new_dataset | 0.947039 |
2304.08107 | Hao Tian | Hao Tian, Yu Cao, P. Y. Mok | DETR-based Layered Clothing Segmentation and Fine-Grained Attribute
Recognition | null | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Clothing segmentation and fine-grained attribute recognition are challenging
tasks at the crossing of computer vision and fashion, which segment the entire
ensemble clothing instances as well as recognize detailed attributes of the
clothing products from any input human images. Many new models have been
developed for the tasks in recent years, nevertheless the segmentation accuracy
is less than satisfactory in case of layered clothing or fashion products in
different scales. In this paper, a new DEtection TRansformer (DETR) based
method is proposed to segment and recognize fine-grained attributes of ensemble
clothing instances with high accuracy. In this model, we propose a
\textbf{multi-layered attention module} by aggregating features of different
scales, determining the various scale components of a single instance, and
merging them together. We train our model on the Fashionpedia dataset and
demonstrate our method surpasses SOTA models in tasks of layered clothing
segmentation and fine-grained attribute recognition.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:34:48 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Tian",
"Hao",
""
],
[
"Cao",
"Yu",
""
],
[
"Mok",
"P. Y.",
""
]
] | TITLE: DETR-based Layered Clothing Segmentation and Fine-Grained Attribute
Recognition
ABSTRACT: Clothing segmentation and fine-grained attribute recognition are challenging
tasks at the crossing of computer vision and fashion, which segment the entire
ensemble clothing instances as well as recognize detailed attributes of the
clothing products from any input human images. Many new models have been
developed for the tasks in recent years, nevertheless the segmentation accuracy
is less than satisfactory in case of layered clothing or fashion products in
different scales. In this paper, a new DEtection TRansformer (DETR) based
method is proposed to segment and recognize fine-grained attributes of ensemble
clothing instances with high accuracy. In this model, we propose a
\textbf{multi-layered attention module} by aggregating features of different
scales, determining the various scale components of a single instance, and
merging them together. We train our model on the Fashionpedia dataset and
demonstrate our method surpasses SOTA models in tasks of layered clothing
segmentation and fine-grained attribute recognition.
| no_new_dataset | 0.951369 |
2304.08111 | Faranak Shamsafar | Faranak Shamsafar, Sunil Jaiswal, Benjamin Kelkel, Kireeti Bodduna,
Klaus Illgner-Fehns | Leveraging Multi-view Data for Improved Detection Performance: An
Industrial Use Case | null | null | null | null | cs.CV | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Printed circuit boards (PCBs) are essential components of electronic devices,
and ensuring their quality is crucial in their production. However, the vast
variety of components and PCBs manufactured by different companies makes it
challenging to adapt to production lines with speed demands. To address this
challenge, we present a multi-view object detection framework that offers a
fast and precise solution. We introduce a novel multi-view dataset with
semi-automatic ground-truth data, which results in significant labeling
resource savings. Labeling PCB boards for object detection is a challenging
task due to the high density of components and the small size of the objects,
which makes it difficult to identify and label them accurately. By training an
object detector model with multi-view data, we achieve improved performance
over single-view images. To further enhance the accuracy, we develop a
multi-view inference method that aggregates results from different viewpoints.
Our experiments demonstrate a 15% improvement in mAP for detecting components
that range in size from 0.5 to 27.0 mm.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:41:37 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Shamsafar",
"Faranak",
""
],
[
"Jaiswal",
"Sunil",
""
],
[
"Kelkel",
"Benjamin",
""
],
[
"Bodduna",
"Kireeti",
""
],
[
"Illgner-Fehns",
"Klaus",
""
]
] | TITLE: Leveraging Multi-view Data for Improved Detection Performance: An
Industrial Use Case
ABSTRACT: Printed circuit boards (PCBs) are essential components of electronic devices,
and ensuring their quality is crucial in their production. However, the vast
variety of components and PCBs manufactured by different companies makes it
challenging to adapt to production lines with speed demands. To address this
challenge, we present a multi-view object detection framework that offers a
fast and precise solution. We introduce a novel multi-view dataset with
semi-automatic ground-truth data, which results in significant labeling
resource savings. Labeling PCB boards for object detection is a challenging
task due to the high density of components and the small size of the objects,
which makes it difficult to identify and label them accurately. By training an
object detector model with multi-view data, we achieve improved performance
over single-view images. To further enhance the accuracy, we develop a
multi-view inference method that aggregates results from different viewpoints.
Our experiments demonstrate a 15% improvement in mAP for detecting components
that range in size from 0.5 to 27.0 mm.
| new_dataset | 0.959383 |
2304.08114 | Jeeseung Park | Jeeseung Park, Jin-Woo Park, Jong-Seok Lee | ViPLO: Vision Transformer based Pose-Conditioned Self-Loop Graph for
Human-Object Interaction Detection | CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Human-Object Interaction (HOI) detection, which localizes and infers
relationships between human and objects, plays an important role in scene
understanding. Although two-stage HOI detectors have advantages of high
efficiency in training and inference, they suffer from lower performance than
one-stage methods due to the old backbone networks and the lack of
considerations for the HOI perception process of humans in the interaction
classifiers. In this paper, we propose Vision Transformer based
Pose-Conditioned Self-Loop Graph (ViPLO) to resolve these problems. First, we
propose a novel feature extraction method suitable for the Vision Transformer
backbone, called masking with overlapped area (MOA) module. The MOA module
utilizes the overlapped area between each patch and the given region in the
attention function, which addresses the quantization problem when using the
Vision Transformer backbone. In addition, we design a graph with a
pose-conditioned self-loop structure, which updates the human node encoding
with local features of human joints. This allows the classifier to focus on
specific human joints to effectively identify the type of interaction, which is
motivated by the human perception process for HOI. As a result, ViPLO achieves
the state-of-the-art results on two public benchmarks, especially obtaining a
+2.07 mAP performance gain on the HICO-DET dataset. The source codes are
available at https://github.com/Jeeseung-Park/ViPLO.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:44:54 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Park",
"Jeeseung",
""
],
[
"Park",
"Jin-Woo",
""
],
[
"Lee",
"Jong-Seok",
""
]
] | TITLE: ViPLO: Vision Transformer based Pose-Conditioned Self-Loop Graph for
Human-Object Interaction Detection
ABSTRACT: Human-Object Interaction (HOI) detection, which localizes and infers
relationships between human and objects, plays an important role in scene
understanding. Although two-stage HOI detectors have advantages of high
efficiency in training and inference, they suffer from lower performance than
one-stage methods due to the old backbone networks and the lack of
considerations for the HOI perception process of humans in the interaction
classifiers. In this paper, we propose Vision Transformer based
Pose-Conditioned Self-Loop Graph (ViPLO) to resolve these problems. First, we
propose a novel feature extraction method suitable for the Vision Transformer
backbone, called masking with overlapped area (MOA) module. The MOA module
utilizes the overlapped area between each patch and the given region in the
attention function, which addresses the quantization problem when using the
Vision Transformer backbone. In addition, we design a graph with a
pose-conditioned self-loop structure, which updates the human node encoding
with local features of human joints. This allows the classifier to focus on
specific human joints to effectively identify the type of interaction, which is
motivated by the human perception process for HOI. As a result, ViPLO achieves
the state-of-the-art results on two public benchmarks, especially obtaining a
+2.07 mAP performance gain on the HICO-DET dataset. The source codes are
available at https://github.com/Jeeseung-Park/ViPLO.
| no_new_dataset | 0.949482 |
2304.08115 | Mehrdad Farahani | Mehrdad Farahani, Richard Johansson | An Empirical Study of Multitask Learning to Improve Open Domain Dialogue
Systems | 11 pages, 1 figure, 4 tables, 2 appendices, NoDaLiDa2023 | null | null | null | cs.CL | http://creativecommons.org/licenses/by/4.0/ | Autoregressive models used to generate responses in open-domain dialogue
systems often struggle to take long-term context into account and to maintain
consistency over a dialogue. Previous research in open-domain dialogue
generation has shown that the use of \emph{auxiliary tasks} can introduce
inductive biases that encourage the model to improve these qualities. However,
most previous research has focused on encoder-only or encoder/decoder models,
while the use of auxiliary tasks in \emph{decoder-only} autoregressive models
is under-explored. This paper describes an investigation where four different
auxiliary tasks are added to small and medium-sized GPT-2 models fine-tuned on
the PersonaChat and DailyDialog datasets. The results show that the
introduction of the new auxiliary tasks leads to small but consistent
improvement in evaluations of the investigated models.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 09:44:56 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Farahani",
"Mehrdad",
""
],
[
"Johansson",
"Richard",
""
]
] | TITLE: An Empirical Study of Multitask Learning to Improve Open Domain Dialogue
Systems
ABSTRACT: Autoregressive models used to generate responses in open-domain dialogue
systems often struggle to take long-term context into account and to maintain
consistency over a dialogue. Previous research in open-domain dialogue
generation has shown that the use of \emph{auxiliary tasks} can introduce
inductive biases that encourage the model to improve these qualities. However,
most previous research has focused on encoder-only or encoder/decoder models,
while the use of auxiliary tasks in \emph{decoder-only} autoregressive models
is under-explored. This paper describes an investigation where four different
auxiliary tasks are added to small and medium-sized GPT-2 models fine-tuned on
the PersonaChat and DailyDialog datasets. The results show that the
introduction of the new auxiliary tasks leads to small but consistent
improvement in evaluations of the investigated models.
| no_new_dataset | 0.946597 |
2304.08151 | Freddie Bickford Smith | Freddie Bickford Smith, Andreas Kirsch, Sebastian Farquhar, Yarin Gal,
Adam Foster, Tom Rainforth | Prediction-Oriented Bayesian Active Learning | Published at AISTATS 2023 | null | null | null | cs.LG stat.ML | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Information-theoretic approaches to active learning have traditionally
focused on maximising the information gathered about the model parameters, most
commonly by optimising the BALD score. We highlight that this can be suboptimal
from the perspective of predictive performance. For example, BALD lacks a
notion of an input distribution and so is prone to prioritise data of limited
relevance. To address this we propose the expected predictive information gain
(EPIG), an acquisition function that measures information gain in the space of
predictions rather than parameters. We find that using EPIG leads to stronger
predictive performance compared with BALD across a range of datasets and
models, and thus provides an appealing drop-in replacement.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 10:59:57 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Smith",
"Freddie Bickford",
""
],
[
"Kirsch",
"Andreas",
""
],
[
"Farquhar",
"Sebastian",
""
],
[
"Gal",
"Yarin",
""
],
[
"Foster",
"Adam",
""
],
[
"Rainforth",
"Tom",
""
]
] | TITLE: Prediction-Oriented Bayesian Active Learning
ABSTRACT: Information-theoretic approaches to active learning have traditionally
focused on maximising the information gathered about the model parameters, most
commonly by optimising the BALD score. We highlight that this can be suboptimal
from the perspective of predictive performance. For example, BALD lacks a
notion of an input distribution and so is prone to prioritise data of limited
relevance. To address this we propose the expected predictive information gain
(EPIG), an acquisition function that measures information gain in the space of
predictions rather than parameters. We find that using EPIG leads to stronger
predictive performance compared with BALD across a range of datasets and
models, and thus provides an appealing drop-in replacement.
| no_new_dataset | 0.947137 |
2304.08174 | Jakob Ambsdorf | Jakob Ambsdorf | Benchmarking Faithfulness: Towards Accurate Natural Language
Explanations in Vision-Language Tasks | Master's Thesis 28.09.2022, M.Sc Informatics, University of Hamburg,
Germany | null | null | null | cs.CL cs.AI cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | With deep neural models increasingly permeating our daily lives comes a need
for transparent and comprehensible explanations of their decision-making.
However, most explanation methods that have been developed so far are not
intuitively understandable for lay users. In contrast, natural language
explanations (NLEs) promise to enable the communication of a model's
decision-making in an easily intelligible way. While current models
successfully generate convincing explanations, it is an open question how well
the NLEs actually represent the reasoning process of the models - a property
called faithfulness. Although the development of metrics to measure
faithfulness is crucial to designing more faithful models, current metrics are
either not applicable to NLEs or are not designed to compare different model
architectures across multiple modalities.
Building on prior research on faithfulness measures and based on a detailed
rationale, we address this issue by proposing three faithfulness metrics:
Attribution-Similarity, NLE-Sufficiency, and NLE-Comprehensiveness. The
efficacy of the metrics is evaluated on the VQA-X and e-SNLI-VE datasets of the
e-ViL benchmark for vision-language NLE generation by systematically applying
modifications to the performant e-UG model for which we expect changes in the
measured explanation faithfulness. We show on the e-SNLI-VE dataset that the
removal of redundant inputs to the explanation-generation module of e-UG
successively increases the model's faithfulness on the linguistic modality as
measured by Attribution-Similarity. Further, our analysis demonstrates that
NLE-Sufficiency and -Comprehensiveness are not necessarily correlated to
Attribution-Similarity, and we discuss how the two metrics can be utilized to
gain further insights into the explanation generation process.
| [
{
"version": "v1",
"created": "Mon, 3 Apr 2023 08:24:10 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Ambsdorf",
"Jakob",
""
]
] | TITLE: Benchmarking Faithfulness: Towards Accurate Natural Language
Explanations in Vision-Language Tasks
ABSTRACT: With deep neural models increasingly permeating our daily lives comes a need
for transparent and comprehensible explanations of their decision-making.
However, most explanation methods that have been developed so far are not
intuitively understandable for lay users. In contrast, natural language
explanations (NLEs) promise to enable the communication of a model's
decision-making in an easily intelligible way. While current models
successfully generate convincing explanations, it is an open question how well
the NLEs actually represent the reasoning process of the models - a property
called faithfulness. Although the development of metrics to measure
faithfulness is crucial to designing more faithful models, current metrics are
either not applicable to NLEs or are not designed to compare different model
architectures across multiple modalities.
Building on prior research on faithfulness measures and based on a detailed
rationale, we address this issue by proposing three faithfulness metrics:
Attribution-Similarity, NLE-Sufficiency, and NLE-Comprehensiveness. The
efficacy of the metrics is evaluated on the VQA-X and e-SNLI-VE datasets of the
e-ViL benchmark for vision-language NLE generation by systematically applying
modifications to the performant e-UG model for which we expect changes in the
measured explanation faithfulness. We show on the e-SNLI-VE dataset that the
removal of redundant inputs to the explanation-generation module of e-UG
successively increases the model's faithfulness on the linguistic modality as
measured by Attribution-Similarity. Further, our analysis demonstrates that
NLE-Sufficiency and -Comprehensiveness are not necessarily correlated to
Attribution-Similarity, and we discuss how the two metrics can be utilized to
gain further insights into the explanation generation process.
| no_new_dataset | 0.916484 |
2304.08178 | Daniel Omeiza A | Marc Alexander K\"uhn, Daniel Omeiza, Lars Kunze | Textual Explanations for Automated Commentary Driving | Accepted to IV 2023 | null | null | null | cs.CL cs.AI cs.HC cs.LG cs.RO | http://creativecommons.org/licenses/by/4.0/ | The provision of natural language explanations for the predictions of
deep-learning-based vehicle controllers is critical as it enhances transparency
and easy audit. In this work, a state-of-the-art (SOTA) prediction and
explanation model is thoroughly evaluated and validated (as a benchmark) on the
new Sense--Assess--eXplain (SAX). Additionally, we developed a new explainer
model that improved over the baseline architecture in two ways: (i) an
integration of part of speech prediction and (ii) an introduction of special
token penalties. On the BLEU metric, our explanation generation technique
outperformed SOTA by a factor of 7.7 when applied on the BDD-X dataset. The
description generation technique is also improved by a factor of 1.3. Hence,
our work contributes to the realisation of future explainable autonomous
vehicles.
| [
{
"version": "v1",
"created": "Wed, 12 Apr 2023 21:50:20 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Kühn",
"Marc Alexander",
""
],
[
"Omeiza",
"Daniel",
""
],
[
"Kunze",
"Lars",
""
]
] | TITLE: Textual Explanations for Automated Commentary Driving
ABSTRACT: The provision of natural language explanations for the predictions of
deep-learning-based vehicle controllers is critical as it enhances transparency
and easy audit. In this work, a state-of-the-art (SOTA) prediction and
explanation model is thoroughly evaluated and validated (as a benchmark) on the
new Sense--Assess--eXplain (SAX). Additionally, we developed a new explainer
model that improved over the baseline architecture in two ways: (i) an
integration of part of speech prediction and (ii) an introduction of special
token penalties. On the BLEU metric, our explanation generation technique
outperformed SOTA by a factor of 7.7 when applied on the BDD-X dataset. The
description generation technique is also improved by a factor of 1.3. Hence,
our work contributes to the realisation of future explainable autonomous
vehicles.
| no_new_dataset | 0.943971 |
2304.08183 | Linhao Luo | Linhao Luo, Yuan-Fang Li, Gholamreza Haffari, and Shirui Pan | Normalizing Flow-based Neural Process for Few-Shot Knowledge Graph
Completion | Accepted by SIGIR2023 | SIGIR 2023 | 10.1145/3539618.3591743 | null | cs.IR cs.AI | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Knowledge graphs (KGs), as a structured form of knowledge representation,
have been widely applied in the real world. Recently, few-shot knowledge graph
completion (FKGC), which aims to predict missing facts for unseen relations
with few-shot associated facts, has attracted increasing attention from
practitioners and researchers. However, existing FKGC methods are based on
metric learning or meta-learning, which often suffer from the
out-of-distribution and overfitting problems. Meanwhile, they are incompetent
at estimating uncertainties in predictions, which is critically important as
model predictions could be very unreliable in few-shot settings. Furthermore,
most of them cannot handle complex relations and ignore path information in
KGs, which largely limits their performance. In this paper, we propose a
normalizing flow-based neural process for few-shot knowledge graph completion
(NP-FKGC). Specifically, we unify normalizing flows and neural processes to
model a complex distribution of KG completion functions. This offers a novel
way to predict facts for few-shot relations while estimating the uncertainty.
Then, we propose a stochastic ManifoldE decoder to incorporate the neural
process and handle complex relations in few-shot settings. To further improve
performance, we introduce an attentive relation path-based graph neural network
to capture path information in KGs. Extensive experiments on three public
datasets demonstrate that our method significantly outperforms the existing
FKGC methods and achieves state-of-the-art performance. Code is available at
https://github.com/RManLuo/NP-FKGC.git.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 11:42:28 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Luo",
"Linhao",
""
],
[
"Li",
"Yuan-Fang",
""
],
[
"Haffari",
"Gholamreza",
""
],
[
"Pan",
"Shirui",
""
]
] | TITLE: Normalizing Flow-based Neural Process for Few-Shot Knowledge Graph
Completion
ABSTRACT: Knowledge graphs (KGs), as a structured form of knowledge representation,
have been widely applied in the real world. Recently, few-shot knowledge graph
completion (FKGC), which aims to predict missing facts for unseen relations
with few-shot associated facts, has attracted increasing attention from
practitioners and researchers. However, existing FKGC methods are based on
metric learning or meta-learning, which often suffer from the
out-of-distribution and overfitting problems. Meanwhile, they are incompetent
at estimating uncertainties in predictions, which is critically important as
model predictions could be very unreliable in few-shot settings. Furthermore,
most of them cannot handle complex relations and ignore path information in
KGs, which largely limits their performance. In this paper, we propose a
normalizing flow-based neural process for few-shot knowledge graph completion
(NP-FKGC). Specifically, we unify normalizing flows and neural processes to
model a complex distribution of KG completion functions. This offers a novel
way to predict facts for few-shot relations while estimating the uncertainty.
Then, we propose a stochastic ManifoldE decoder to incorporate the neural
process and handle complex relations in few-shot settings. To further improve
performance, we introduce an attentive relation path-based graph neural network
to capture path information in KGs. Extensive experiments on three public
datasets demonstrate that our method significantly outperforms the existing
FKGC methods and achieves state-of-the-art performance. Code is available at
https://github.com/RManLuo/NP-FKGC.git.
| no_new_dataset | 0.946448 |
2304.08186 | Jingrui Yu | Jingrui Yu, Tobias Scheck, Roman Seidel, Yukti Adya, Dipankar Nandi,
Gangolf Hirtz | Human Pose Estimation in Monocular Omnidirectional Top-View Images | null | null | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | Human pose estimation (HPE) with convolutional neural networks (CNNs) for
indoor monitoring is one of the major challenges in computer vision. In
contrast to HPE in perspective views, an indoor monitoring system can consist
of an omnidirectional camera with a field of view of 180{\deg} to detect the
pose of a person with only one sensor per room. To recognize human pose, the
detection of keypoints is an essential upstream step. In our work we propose a
new dataset for training and evaluation of CNNs for the task of keypoint
detection in omnidirectional images. The training dataset, THEODORE+, consists
of 50,000 images and is created by a 3D rendering engine, where humans are
randomly walking through an indoor environment. In a dynamically created 3D
scene, persons move randomly with simultaneously moving omnidirectional camera
to generate synthetic RGB images and 2D and 3D ground truth. For evaluation
purposes, the real-world PoseFES dataset with two scenarios and 701 frames with
up to eight persons per scene was captured and annotated. We propose four
training paradigms to finetune or re-train two top-down models in MMPose and
two bottom-up models in CenterNet on THEODORE+. Beside a qualitative evaluation
we report quantitative results. Compared to a COCO pretrained baseline, we
achieve significant improvements especially for top-view scenes on the PoseFES
dataset. Our datasets can be found at
https://www.tu-chemnitz.de/etit/dst/forschung/comp_vision/datasets/index.php.en.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 11:52:04 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Yu",
"Jingrui",
""
],
[
"Scheck",
"Tobias",
""
],
[
"Seidel",
"Roman",
""
],
[
"Adya",
"Yukti",
""
],
[
"Nandi",
"Dipankar",
""
],
[
"Hirtz",
"Gangolf",
""
]
] | TITLE: Human Pose Estimation in Monocular Omnidirectional Top-View Images
ABSTRACT: Human pose estimation (HPE) with convolutional neural networks (CNNs) for
indoor monitoring is one of the major challenges in computer vision. In
contrast to HPE in perspective views, an indoor monitoring system can consist
of an omnidirectional camera with a field of view of 180{\deg} to detect the
pose of a person with only one sensor per room. To recognize human pose, the
detection of keypoints is an essential upstream step. In our work we propose a
new dataset for training and evaluation of CNNs for the task of keypoint
detection in omnidirectional images. The training dataset, THEODORE+, consists
of 50,000 images and is created by a 3D rendering engine, where humans are
randomly walking through an indoor environment. In a dynamically created 3D
scene, persons move randomly with simultaneously moving omnidirectional camera
to generate synthetic RGB images and 2D and 3D ground truth. For evaluation
purposes, the real-world PoseFES dataset with two scenarios and 701 frames with
up to eight persons per scene was captured and annotated. We propose four
training paradigms to finetune or re-train two top-down models in MMPose and
two bottom-up models in CenterNet on THEODORE+. Beside a qualitative evaluation
we report quantitative results. Compared to a COCO pretrained baseline, we
achieve significant improvements especially for top-view scenes on the PoseFES
dataset. Our datasets can be found at
https://www.tu-chemnitz.de/etit/dst/forschung/comp_vision/datasets/index.php.en.
| new_dataset | 0.966569 |
2304.08193 | Jingrui Yu | Jingrui Yu, Ana Cecilia Perez Grassi, Gangolf Hirtz | Applications of Deep Learning for Top-View Omnidirectional Imaging: A
Survey | null | null | null | null | cs.CV cs.AI cs.LG | http://creativecommons.org/licenses/by/4.0/ | A large field-of-view fisheye camera allows for capturing a large area with
minimal numbers of cameras when they are mounted on a high position facing
downwards. This top-view omnidirectional setup greatly reduces the work and
cost for deployment compared to traditional solutions with multiple perspective
cameras. In recent years, deep learning has been widely employed for vision
related tasks, including for such omnidirectional settings. In this survey, we
look at the application of deep learning in combination with omnidirectional
top-view cameras, including the available datasets, human and object detection,
human pose estimation, activity recognition and other miscellaneous
applications.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 12:06:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Yu",
"Jingrui",
""
],
[
"Grassi",
"Ana Cecilia Perez",
""
],
[
"Hirtz",
"Gangolf",
""
]
] | TITLE: Applications of Deep Learning for Top-View Omnidirectional Imaging: A
Survey
ABSTRACT: A large field-of-view fisheye camera allows for capturing a large area with
minimal numbers of cameras when they are mounted on a high position facing
downwards. This top-view omnidirectional setup greatly reduces the work and
cost for deployment compared to traditional solutions with multiple perspective
cameras. In recent years, deep learning has been widely employed for vision
related tasks, including for such omnidirectional settings. In this survey, we
look at the application of deep learning in combination with omnidirectional
top-view cameras, including the available datasets, human and object detection,
human pose estimation, activity recognition and other miscellaneous
applications.
| no_new_dataset | 0.937669 |
2304.08204 | Hyundo Lee | Hyundo Lee, Inwoo Hwang, Hyunsung Go, Won-Seok Choi, Kibeom Kim,
Byoung-Tak Zhang | Learning Geometry-aware Representations by Sketching | CVPR 2023 | null | null | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Understanding geometric concepts, such as distance and shape, is essential
for understanding the real world and also for many vision tasks. To incorporate
such information into a visual representation of a scene, we propose learning
to represent the scene by sketching, inspired by human behavior. Our method,
coined Learning by Sketching (LBS), learns to convert an image into a set of
colored strokes that explicitly incorporate the geometric information of the
scene in a single inference step without requiring a sketch dataset. A sketch
is then generated from the strokes where CLIP-based perceptual loss maintains a
semantic similarity between the sketch and the image. We show theoretically
that sketching is equivariant with respect to arbitrary affine transformations
and thus provably preserves geometric information. Experimental results show
that LBS substantially improves the performance of object attribute
classification on the unlabeled CLEVR dataset, domain transfer between CLEVR
and STL-10 datasets, and for diverse downstream tasks, confirming that LBS
provides rich geometric information.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 12:23:32 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Lee",
"Hyundo",
""
],
[
"Hwang",
"Inwoo",
""
],
[
"Go",
"Hyunsung",
""
],
[
"Choi",
"Won-Seok",
""
],
[
"Kim",
"Kibeom",
""
],
[
"Zhang",
"Byoung-Tak",
""
]
] | TITLE: Learning Geometry-aware Representations by Sketching
ABSTRACT: Understanding geometric concepts, such as distance and shape, is essential
for understanding the real world and also for many vision tasks. To incorporate
such information into a visual representation of a scene, we propose learning
to represent the scene by sketching, inspired by human behavior. Our method,
coined Learning by Sketching (LBS), learns to convert an image into a set of
colored strokes that explicitly incorporate the geometric information of the
scene in a single inference step without requiring a sketch dataset. A sketch
is then generated from the strokes where CLIP-based perceptual loss maintains a
semantic similarity between the sketch and the image. We show theoretically
that sketching is equivariant with respect to arbitrary affine transformations
and thus provably preserves geometric information. Experimental results show
that LBS substantially improves the performance of object attribute
classification on the unlabeled CLEVR dataset, domain transfer between CLEVR
and STL-10 datasets, and for diverse downstream tasks, confirming that LBS
provides rich geometric information.
| no_new_dataset | 0.946151 |
2304.08205 | Chuanqi Tan | Zhen-Ru Zhang, Chuanqi Tan, Songfang Huang, Fei Huang | VECO 2.0: Cross-lingual Language Model Pre-training with
Multi-granularity Contrastive Learning | Technical Report for AliceMind's VECO 2.0 (ranked 1st on the XTREME
leaderboard on March 17, 2023) | null | null | null | cs.CL | http://creativecommons.org/licenses/by-nc-sa/4.0/ | Recent studies have demonstrated the potential of cross-lingual
transferability by training a unified Transformer encoder for multiple
languages. In addition to involving the masked language model objective,
existing cross-lingual pre-training works leverage sentence-level contrastive
learning or plugs in extra cross-attention module to complement the
insufficient capabilities of cross-lingual alignment. Nonetheless, synonym
pairs residing in bilingual corpus are not exploited and aligned, which is more
crucial than sentence interdependence establishment for token-level tasks. In
this work, we propose a cross-lingual pre-trained model VECO~2.0 based on
contrastive learning with multi-granularity alignments. Specifically, the
sequence-to-sequence alignment is induced to maximize the similarity of the
parallel pairs and minimize the non-parallel pairs. Then, token-to-token
alignment is integrated to bridge the gap between synonymous tokens excavated
via the thesaurus dictionary from the other unpaired tokens in a bilingual
instance. Experiments show the effectiveness of the proposed strategy for
cross-lingual model pre-training on the XTREME benchmark.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 12:23:41 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Zhang",
"Zhen-Ru",
""
],
[
"Tan",
"Chuanqi",
""
],
[
"Huang",
"Songfang",
""
],
[
"Huang",
"Fei",
""
]
] | TITLE: VECO 2.0: Cross-lingual Language Model Pre-training with
Multi-granularity Contrastive Learning
ABSTRACT: Recent studies have demonstrated the potential of cross-lingual
transferability by training a unified Transformer encoder for multiple
languages. In addition to involving the masked language model objective,
existing cross-lingual pre-training works leverage sentence-level contrastive
learning or plugs in extra cross-attention module to complement the
insufficient capabilities of cross-lingual alignment. Nonetheless, synonym
pairs residing in bilingual corpus are not exploited and aligned, which is more
crucial than sentence interdependence establishment for token-level tasks. In
this work, we propose a cross-lingual pre-trained model VECO~2.0 based on
contrastive learning with multi-granularity alignments. Specifically, the
sequence-to-sequence alignment is induced to maximize the similarity of the
parallel pairs and minimize the non-parallel pairs. Then, token-to-token
alignment is integrated to bridge the gap between synonymous tokens excavated
via the thesaurus dictionary from the other unpaired tokens in a bilingual
instance. Experiments show the effectiveness of the proposed strategy for
cross-lingual model pre-training on the XTREME benchmark.
| no_new_dataset | 0.946349 |
2304.08210 | Dustin Aganian | Dustin Aganian, Benedict Stephan, Markus Eisenbach, Corinna Stretz,
and Horst-Michael Gross | ATTACH Dataset: Annotated Two-Handed Assembly Actions for Human Action
Understanding | IEEE International Conference on Robotics and Automation (ICRA) 2023 | null | null | null | cs.RO cs.CV cs.LG | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | With the emergence of collaborative robots (cobots), human-robot
collaboration in industrial manufacturing is coming into focus. For a cobot to
act autonomously and as an assistant, it must understand human actions during
assembly. To effectively train models for this task, a dataset containing
suitable assembly actions in a realistic setting is crucial. For this purpose,
we present the ATTACH dataset, which contains 51.6 hours of assembly with 95.2k
annotated fine-grained actions monitored by three cameras, which represent
potential viewpoints of a cobot. Since in an assembly context workers tend to
perform different actions simultaneously with their two hands, we annotated the
performed actions for each hand separately. Therefore, in the ATTACH dataset,
more than 68% of annotations overlap with other annotations, which is many
times more than in related datasets, typically featuring more simplistic
assembly tasks. For better generalization with respect to the background of the
working area, we did not only record color and depth images, but also used the
Azure Kinect body tracking SDK for estimating 3D skeletons of the worker. To
create a first baseline, we report the performance of state-of-the-art methods
for action recognition as well as action detection on video and
skeleton-sequence inputs. The dataset is available at
https://www.tu-ilmenau.de/neurob/data-sets-code/attach-dataset .
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 12:31:24 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"Aganian",
"Dustin",
""
],
[
"Stephan",
"Benedict",
""
],
[
"Eisenbach",
"Markus",
""
],
[
"Stretz",
"Corinna",
""
],
[
"Gross",
"Horst-Michael",
""
]
] | TITLE: ATTACH Dataset: Annotated Two-Handed Assembly Actions for Human Action
Understanding
ABSTRACT: With the emergence of collaborative robots (cobots), human-robot
collaboration in industrial manufacturing is coming into focus. For a cobot to
act autonomously and as an assistant, it must understand human actions during
assembly. To effectively train models for this task, a dataset containing
suitable assembly actions in a realistic setting is crucial. For this purpose,
we present the ATTACH dataset, which contains 51.6 hours of assembly with 95.2k
annotated fine-grained actions monitored by three cameras, which represent
potential viewpoints of a cobot. Since in an assembly context workers tend to
perform different actions simultaneously with their two hands, we annotated the
performed actions for each hand separately. Therefore, in the ATTACH dataset,
more than 68% of annotations overlap with other annotations, which is many
times more than in related datasets, typically featuring more simplistic
assembly tasks. For better generalization with respect to the background of the
working area, we did not only record color and depth images, but also used the
Azure Kinect body tracking SDK for estimating 3D skeletons of the worker. To
create a first baseline, we report the performance of state-of-the-art methods
for action recognition as well as action detection on video and
skeleton-sequence inputs. The dataset is available at
https://www.tu-ilmenau.de/neurob/data-sets-code/attach-dataset .
| new_dataset | 0.965996 |
2304.08222 | Daan de Geus | Daan de Geus, Gijs Dubbelman | Intra-Batch Supervision for Panoptic Segmentation on High-Resolution
Images | WACV 2023. Project page and code:
https://ddegeus.github.io/intra-batch-supervision/ | null | 10.1109/WACV56688.2023.00318 | null | cs.CV | http://arxiv.org/licenses/nonexclusive-distrib/1.0/ | Unified panoptic segmentation methods are achieving state-of-the-art results
on several datasets. To achieve these results on high-resolution datasets,
these methods apply crop-based training. In this work, we find that, although
crop-based training is advantageous in general, it also has a harmful
side-effect. Specifically, it limits the ability of unified networks to
discriminate between large object instances, causing them to make predictions
that are confused between multiple instances. To solve this, we propose
Intra-Batch Supervision (IBS), which improves a network's ability to
discriminate between instances by introducing additional supervision using
multiple images from the same batch. We show that, with our IBS, we
successfully address the confusion problem and consistently improve the
performance of unified networks. For the high-resolution Cityscapes and
Mapillary Vistas datasets, we achieve improvements of up to +2.5 on the
Panoptic Quality for thing classes, and even more considerable gains of up to
+5.8 on both the pixel accuracy and pixel precision, which we identify as
better metrics to capture the confusion problem.
| [
{
"version": "v1",
"created": "Mon, 17 Apr 2023 12:48:36 GMT"
}
] | 2023-04-18T00:00:00 | [
[
"de Geus",
"Daan",
""
],
[
"Dubbelman",
"Gijs",
""
]
] | TITLE: Intra-Batch Supervision for Panoptic Segmentation on High-Resolution
Images
ABSTRACT: Unified panoptic segmentation methods are achieving state-of-the-art results
on several datasets. To achieve these results on high-resolution datasets,
these methods apply crop-based training. In this work, we find that, although
crop-based training is advantageous in general, it also has a harmful
side-effect. Specifically, it limits the ability of unified networks to
discriminate between large object instances, causing them to make predictions
that are confused between multiple instances. To solve this, we propose
Intra-Batch Supervision (IBS), which improves a network's ability to
discriminate between instances by introducing additional supervision using
multiple images from the same batch. We show that, with our IBS, we
successfully address the confusion problem and consistently improve the
performance of unified networks. For the high-resolution Cityscapes and
Mapillary Vistas datasets, we achieve improvements of up to +2.5 on the
Panoptic Quality for thing classes, and even more considerable gains of up to
+5.8 on both the pixel accuracy and pixel precision, which we identify as
better metrics to capture the confusion problem.
| no_new_dataset | 0.949342 |
Subsets and Splits
No community queries yet
The top public SQL queries from the community will appear here once available.