-
RAMCT: Novel Region-adaptive Multi-channel Tracker with Iterative Tikhonov Regularization for Thermal Infrared Tracking
Authors:
Shang Zhang,
Yuke Hou,
Guoqiang Gong,
Ruoyan Xiong,
Yue Zhang
Abstract:
Correlation filter (CF)-based trackers have gained significant attention for their computational efficiency in thermal infrared (TIR) target tracking. However, ex-isting methods struggle with challenges such as low-resolution imagery, occlu-sion, background clutter, and target deformation, which severely impact tracking performance. To overcome these limitations, we propose RAMCT, a region-adaptiv…
▽ More
Correlation filter (CF)-based trackers have gained significant attention for their computational efficiency in thermal infrared (TIR) target tracking. However, ex-isting methods struggle with challenges such as low-resolution imagery, occlu-sion, background clutter, and target deformation, which severely impact tracking performance. To overcome these limitations, we propose RAMCT, a region-adaptive sparse correlation filter tracker that integrates multi-channel feature opti-mization with an adaptive regularization strategy. Firstly, we refine the CF learn-ing process by introducing a spatially adaptive binary mask, which enforces spar-sity in the target region while dynamically suppressing background interference. Secondly, we introduce generalized singular value decomposition (GSVD) and propose a novel GSVD-based region-adaptive iterative Tikhonov regularization method. This enables flexible and robust optimization across multiple feature channels, improving resilience to occlusion and background variations. Thirdly, we propose an online optimization strategy with dynamic discrepancy-based pa-rameter adjustment. This mechanism facilitates real time adaptation to target and background variations, thereby improving tracking accuracy and robustness. Ex-tensive experiments on LSOTB-TIR, PTB-TIR, VOT-TIR2015, and VOT-TIR2017 benchmarks demonstrate that RAMCT outperforms other state-of-the-art trackers in terms of accuracy and robustness.
△ Less
Submitted 19 April, 2025;
originally announced April 2025.
-
SU-YOLO: Spiking Neural Network for Efficient Underwater Object Detection
Authors:
Chenyang Li,
Wenxuan Liu,
Guoqiang Gong,
Xiaobo Ding,
Xian Zhong
Abstract:
Underwater object detection is critical for oceanic research and industrial safety inspections. However, the complex optical environment and the limited resources of underwater equipment pose significant challenges to achieving high accuracy and low power consumption. To address these issues, we propose Spiking Underwater YOLO (SU-YOLO), a Spiking Neural Network (SNN) model. Leveraging the lightwe…
▽ More
Underwater object detection is critical for oceanic research and industrial safety inspections. However, the complex optical environment and the limited resources of underwater equipment pose significant challenges to achieving high accuracy and low power consumption. To address these issues, we propose Spiking Underwater YOLO (SU-YOLO), a Spiking Neural Network (SNN) model. Leveraging the lightweight and energy-efficient properties of SNNs, SU-YOLO incorporates a novel spike-based underwater image denoising method based solely on integer addition, which enhances the quality of feature maps with minimal computational overhead. In addition, we introduce Separated Batch Normalization (SeBN), a technique that normalizes feature maps independently across multiple time steps and is optimized for integration with residual structures to capture the temporal dynamics of SNNs more effectively. The redesigned spiking residual blocks integrate the Cross Stage Partial Network (CSPNet) with the YOLO architecture to mitigate spike degradation and enhance the model's feature extraction capabilities. Experimental results on URPC2019 underwater dataset demonstrate that SU-YOLO achieves mAP of 78.8% with 6.97M parameters and an energy consumption of 2.98 mJ, surpassing mainstream SNN models in both detection accuracy and computational efficiency. These results underscore the potential of SNNs for engineering applications. The code is available in https://github.com/lwxfight/snn-underwater.
△ Less
Submitted 31 March, 2025;
originally announced March 2025.
-
LLaVA-MLB: Mitigating and Leveraging Attention Bias for Training-Free Video LLMs
Authors:
Leqi Shen,
Tao He,
Guoqiang Gong,
Fan Yang,
Yifeng Zhang,
Pengzhang Liu,
Sicheng Zhao,
Guiguang Ding
Abstract:
Training-free video large language models (LLMs) leverage pretrained Image LLMs to process video content without the need for further training. A key challenge in such approaches is the difficulty of retaining essential visual and temporal information, constrained by the token limits in Image LLMs. To address this, we propose a two-stage method for selecting query-relevant tokens based on the LLM…
▽ More
Training-free video large language models (LLMs) leverage pretrained Image LLMs to process video content without the need for further training. A key challenge in such approaches is the difficulty of retaining essential visual and temporal information, constrained by the token limits in Image LLMs. To address this, we propose a two-stage method for selecting query-relevant tokens based on the LLM attention scores: compressing the video sequence and then expanding the sequence. However, during the compression stage, Image LLMs often exhibit a positional attention bias in video sequences, where attention is overly concentrated on later frames, causing early-frame information to be underutilized. To alleviate this attention bias during sequence compression, we propose Gridded Attention Pooling for preserving spatiotemporal structure. Additionally, we introduce Visual Summarization Tail to effectively utilize this bias, facilitating overall video understanding during sequence expansion. In this way, our method effectively Mitigates and Leverages attention Bias (LLaVA-MLB), enabling the frozen Image LLM for detailed video understanding. Experiments on several benchmarks demonstrate that our approach outperforms state-of-the-art methods, achieving superior performance in both efficiency and accuracy. Our code will be released.
△ Less
Submitted 14 March, 2025;
originally announced March 2025.
-
FastVID: Dynamic Density Pruning for Fast Video Large Language Models
Authors:
Leqi Shen,
Guoqiang Gong,
Tao He,
Yifeng Zhang,
Pengzhang Liu,
Sicheng Zhao,
Guiguang Ding
Abstract:
Video Large Language Models have shown impressive capabilities in video comprehension, yet their practical deployment is hindered by substantial inference costs caused by redundant video tokens. Existing pruning techniques fail to fully exploit the spatiotemporal redundancy inherent in video data. To bridge this gap, we perform a systematic analysis of video redundancy from two perspectives: tempo…
▽ More
Video Large Language Models have shown impressive capabilities in video comprehension, yet their practical deployment is hindered by substantial inference costs caused by redundant video tokens. Existing pruning techniques fail to fully exploit the spatiotemporal redundancy inherent in video data. To bridge this gap, we perform a systematic analysis of video redundancy from two perspectives: temporal context and visual context. Leveraging this insight, we propose Dynamic Density Pruning for Fast Video LLMs termed FastVID. Specifically, FastVID dynamically partitions videos into temporally ordered segments to preserve temporal structure and applies a density-based token pruning strategy to maintain essential visual information. Our method significantly reduces computational overhead while maintaining temporal and visual integrity. Extensive evaluations show that FastVID achieves state-of-the-art performance across various short- and long-video benchmarks on leading Video LLMs, including LLaVA-OneVision and LLaVA-Video. Notably, FastVID effectively prunes 90% of video tokens while retaining 98.0% of LLaVA-OneVision's original performance. The code is available at https://github.com/LunarShen/FastVID.
△ Less
Submitted 14 March, 2025;
originally announced March 2025.
-
Combining Heuristic and Reinforcement Learning to Achieve the Low-latency and High-throughput Receiver-side Congestion Control
Authors:
Xianliang Jiang,
Guanghui Gong,
Guang Jin
Abstract:
Traditional congestion control algorithms struggle to maintain the consistent and satisfactory data transmission performance over time-varying networking condition. Simultaneously, as video traffic becomes dominant, the loose coupling between the DASH framework and TCP congestion control results in the un-matched bandwidth usage, thereby limiting video streaming performance. To address these issue…
▽ More
Traditional congestion control algorithms struggle to maintain the consistent and satisfactory data transmission performance over time-varying networking condition. Simultaneously, as video traffic becomes dominant, the loose coupling between the DASH framework and TCP congestion control results in the un-matched bandwidth usage, thereby limiting video streaming performance. To address these issues, this paper proposes a receiver-driven congestion control framework named Nuwa. Nuwa deploys the congestion avoidance phase at the receiver-side, utilizing one-way queueing delay detection to monitor network congestion and setting specific target delays for different applications. Experimental results demonstrate that, in most cases, with appropriate parameter configuration, Nuwa can improve the throughput of TCP flows 4% to 15.4% and reduce average queueing delay by 6.9% to 29.4%. Furthermore, we also introduce the use of reinforcement learning to dynamically adjust Nuwa's key parameter , enhancing Nuwa's adaptability to the unpredictable environment.
△ Less
Submitted 23 February, 2025;
originally announced February 2025.
-
A Note on "Constructing Bent Functions Outside the Maiorana-McFarland Class Using a General Form of Rothaus"
Authors:
Fei Guo,
Zilong Wang,
Guang Gong
Abstract:
In 2017, Zhang et al. proposed a question (not open problem) and two open problems in [IEEE TIT 63 (8): 5336--5349, 2017] about constructing bent functions by using Rothaus' construction. In this note, we prove that the sufficient conditions of Rothaus' construction are also necessary, which answers their question. Besides, we demonstrate that the second open problem, which considers the iterative…
▽ More
In 2017, Zhang et al. proposed a question (not open problem) and two open problems in [IEEE TIT 63 (8): 5336--5349, 2017] about constructing bent functions by using Rothaus' construction. In this note, we prove that the sufficient conditions of Rothaus' construction are also necessary, which answers their question. Besides, we demonstrate that the second open problem, which considers the iterative method of constructing bent functions by using Rothaus' construction, has only a trivial solution. It indicates that all bent functions obtained by using Rothaus' construction iteratively can be generated from the direct sum of an initial bent function and a quadratic bent function. This directly means that Zhang et al.'s construction idea makes no contribution to the construction of bent functions. To compensate the weakness of their work, we propose an iterative construction of bent functions by using a secondary construction in [DCC 88: 2007--2035, 2020].
△ Less
Submitted 14 February, 2025;
originally announced February 2025.
-
Model Quantization and Hardware Acceleration for Vision Transformers: A Comprehensive Survey
Authors:
Dayou Du,
Gu Gong,
Xiaowen Chu
Abstract:
Vision Transformers (ViTs) have recently garnered considerable attention, emerging as a promising alternative to convolutional neural networks (CNNs) in several vision-related applications. However, their large model sizes and high computational and memory demands hinder deployment, especially on resource-constrained devices. This underscores the necessity of algorithm-hardware co-design specific…
▽ More
Vision Transformers (ViTs) have recently garnered considerable attention, emerging as a promising alternative to convolutional neural networks (CNNs) in several vision-related applications. However, their large model sizes and high computational and memory demands hinder deployment, especially on resource-constrained devices. This underscores the necessity of algorithm-hardware co-design specific to ViTs, aiming to optimize their performance by tailoring both the algorithmic structure and the underlying hardware accelerator to each other's strengths. Model quantization, by converting high-precision numbers to lower-precision, reduces the computational demands and memory needs of ViTs, allowing the creation of hardware specifically optimized for these quantized algorithms, boosting efficiency. This article provides a comprehensive survey of ViTs quantization and its hardware acceleration. We first delve into the unique architectural attributes of ViTs and their runtime characteristics. Subsequently, we examine the fundamental principles of model quantization, followed by a comparative analysis of the state-of-the-art quantization techniques for ViTs. Additionally, we explore the hardware acceleration of quantized ViTs, highlighting the importance of hardware-friendly algorithm design. In conclusion, this article will discuss ongoing challenges and future research paths. We consistently maintain the related open-source materials at https://github.com/DD-DuDa/awesome-vit-quantization-acceleration.
△ Less
Submitted 1 May, 2024;
originally announced May 2024.
-
Group-specific discriminant analysis reveals statistically validated sex differences in lateralization of brain functional network
Authors:
Shuo Zhou,
Junhao Luo,
Yaya Jiang,
Haolin Wang,
Haiping Lu,
Gaolang Gong
Abstract:
Lateralization is a fundamental feature of the human brain, where sex differences have been observed. Conventional studies in neuroscience on sex-specific lateralization are typically conducted on univariate statistical comparisons between male and female groups. However, these analyses often lack effective validation of group specificity. Here, we formulate modeling sex differences in lateralizat…
▽ More
Lateralization is a fundamental feature of the human brain, where sex differences have been observed. Conventional studies in neuroscience on sex-specific lateralization are typically conducted on univariate statistical comparisons between male and female groups. However, these analyses often lack effective validation of group specificity. Here, we formulate modeling sex differences in lateralization of functional networks as a dual-classification problem, consisting of first-order classification for left vs. right functional networks and second-order classification for male vs. female models. To capture sex-specific patterns, we develop the Group-Specific Discriminant Analysis (GSDA) for first-order classification. The evaluation on two public neuroimaging datasets demonstrates the efficacy of GSDA in learning sex-specific models from functional networks, achieving a significant improvement in group specificity over baseline methods. The major sex differences are in the strength of lateralization and the interactions within and between lobes. The GSDA-based method is generic in nature and can be adapted to other group-specific analyses such as handedness-specific or disease-specific analyses.
△ Less
Submitted 8 April, 2024;
originally announced April 2024.
-
REPrune: Channel Pruning via Kernel Representative Selection
Authors:
Mincheol Park,
Dongjin Kim,
Cheonjun Park,
Yuna Park,
Gyeong Eun Gong,
Won Woo Ro,
Suhyun Kim
Abstract:
Channel pruning is widely accepted to accelerate modern convolutional neural networks (CNNs). The resulting pruned model benefits from its immediate deployment on general-purpose software and hardware resources. However, its large pruning granularity, specifically at the unit of a convolution filter, often leads to undesirable accuracy drops due to the inflexibility of deciding how and where to in…
▽ More
Channel pruning is widely accepted to accelerate modern convolutional neural networks (CNNs). The resulting pruned model benefits from its immediate deployment on general-purpose software and hardware resources. However, its large pruning granularity, specifically at the unit of a convolution filter, often leads to undesirable accuracy drops due to the inflexibility of deciding how and where to introduce sparsity to the CNNs. In this paper, we propose REPrune, a novel channel pruning technique that emulates kernel pruning, fully exploiting the finer but structured granularity. REPrune identifies similar kernels within each channel using agglomerative clustering. Then, it selects filters that maximize the incorporation of kernel representatives while optimizing the maximum cluster coverage problem. By integrating with a simultaneous training-pruning paradigm, REPrune promotes efficient, progressive pruning throughout training CNNs, avoiding the conventional train-prune-finetune sequence. Experimental results highlight that REPrune performs better in computer vision tasks than existing methods, effectively achieving a balance between acceleration ratio and performance retention.
△ Less
Submitted 8 March, 2024; v1 submitted 27 February, 2024;
originally announced February 2024.
-
ACQ: Improving Generative Data-free Quantization Via Attention Correction
Authors:
Jixing Li,
Xiaozhou Guo,
Benzhe Dai,
Guoliang Gong,
Min Jin,
Gang Chen,
Wenyu Mao,
Huaxiang Lu
Abstract:
Data-free quantization aims to achieve model quantization without accessing any authentic sample. It is significant in an application-oriented context involving data privacy. Converting noise vectors into synthetic samples through a generator is a popular data-free quantization method, which is called generative data-free quantization. However, there is a difference in attention between synthetic…
▽ More
Data-free quantization aims to achieve model quantization without accessing any authentic sample. It is significant in an application-oriented context involving data privacy. Converting noise vectors into synthetic samples through a generator is a popular data-free quantization method, which is called generative data-free quantization. However, there is a difference in attention between synthetic samples and authentic samples. This is always ignored and restricts the quantization performance. First, since synthetic samples of the same class are prone to have homogenous attention, the quantized network can only learn limited modes of attention. Second, synthetic samples in eval mode and training mode exhibit different attention. Hence, the batch-normalization statistics matching tends to be inaccurate. ACQ is proposed in this paper to fix the attention of synthetic samples. An attention center position-condition generator is established regarding the homogenization of intra-class attention. Restricted by the attention center matching loss, the attention center position is treated as the generator's condition input to guide synthetic samples in obtaining diverse attention. Moreover, we design adversarial loss of paired synthetic samples under the same condition to prevent the generator from paying overmuch attention to the condition, which may result in mode collapse. To improve the attention similarity of synthetic samples in different network modes, we introduce a consistency penalty to guarantee accurate BN statistics matching. The experimental results demonstrate that ACQ effectively improves the attention problems of synthetic samples. Under various training settings, ACQ achieves the best quantization performance. For the 4-bit quantization of Resnet18 and Resnet50, ACQ reaches 67.55% and 72.23% accuracy, respectively.
△ Less
Submitted 29 July, 2023; v1 submitted 17 January, 2023;
originally announced January 2023.
-
Systematic Constructions of Bent-Negabent Functions, 2-Rotation Symmetric Bent-Negabent Functions and Their Duals
Authors:
Fei Guo,
Zilong Wang,
Guang Gong
Abstract:
Bent-negabent functions have many important properties for their application in cryptography since they have the flat absolute spectrum under the both Walsh-Hadamard transform and nega-Hadamard transform. In this paper, we present four new systematic constructions of bent-negabent functions on $4k, 8k, 4k+2$ and $8k+2$ variables, respectively, by modifying the truth tables of two classes of quadra…
▽ More
Bent-negabent functions have many important properties for their application in cryptography since they have the flat absolute spectrum under the both Walsh-Hadamard transform and nega-Hadamard transform. In this paper, we present four new systematic constructions of bent-negabent functions on $4k, 8k, 4k+2$ and $8k+2$ variables, respectively, by modifying the truth tables of two classes of quadratic bent-negabent functions with simple form. The algebraic normal forms and duals of these constructed functions are also determined. We further identify necessary and sufficient conditions for those bent-negabent functions which have the maximum algebraic degree. At last, by modifying the truth tables of a class of quadratic 2-rotation symmetric bent-negabent functions, we present a construction of 2-rotation symmetric bent-negabent functions with any possible algebraic degrees. Considering that there are probably no bent-negabent functions in the rotation symmetric class, it is the first significant attempt to construct bent-negabent functions in the generalized rotation symmetric class.
△ Less
Submitted 18 September, 2022;
originally announced September 2022.
-
Non-standard Golay Complementary Sequence Pair over QAM
Authors:
Erzhong Xue,
Zilong Wang,
Guang Gong
Abstract:
We generalize the three-stage process for constructing and enumerating Golay array and sequence pairs given in 2008 by Frank Fiedler et al. [A multi-dimensional approach to the construction and enumeration of Golay complementary sequences, Journal of Combinatorial Theory, Series A 115 (2008) 753-776] to $4^{q}$-QAM constellation based on para-unitary matrix method, which partly solves their open q…
▽ More
We generalize the three-stage process for constructing and enumerating Golay array and sequence pairs given in 2008 by Frank Fiedler et al. [A multi-dimensional approach to the construction and enumeration of Golay complementary sequences, Journal of Combinatorial Theory, Series A 115 (2008) 753-776] to $4^{q}$-QAM constellation based on para-unitary matrix method, which partly solves their open questions. Our work not only includes the main part of known results of Golay complementary sequences over $4^{q}$-QAM based on Boolean functions and standard Golay sequence pairs over QPSK, but also generates new Golay complementary arrays (sequences) over $4^{q}$-QAM based on non-standard Golay array pairs over QPSK.
△ Less
Submitted 26 August, 2022;
originally announced August 2022.
-
3rd Place: A Global and Local Dual Retrieval Solution to Facebook AI Image Similarity Challenge
Authors:
Xinlong Sun,
Yangyang Qin,
Xuyuan Xu,
Guoping Gong,
Yang Fang,
Yexin Wang
Abstract:
As a basic task of computer vision, image similarity retrieval is facing the challenge of large-scale data and image copy attacks. This paper presents our 3rd place solution to the matching track of Image Similarity Challenge (ISC) 2021 organized by Facebook AI. We propose a multi-branch retrieval method of combining global descriptors and local descriptors to cover all attack cases. Specifically,…
▽ More
As a basic task of computer vision, image similarity retrieval is facing the challenge of large-scale data and image copy attacks. This paper presents our 3rd place solution to the matching track of Image Similarity Challenge (ISC) 2021 organized by Facebook AI. We propose a multi-branch retrieval method of combining global descriptors and local descriptors to cover all attack cases. Specifically, we attempt many strategies to optimize global descriptors, including abundant data augmentations, self-supervised learning with a single Transformer model, overlay detection preprocessing. Moreover, we introduce the robust SIFT feature and GPU Faiss for local retrieval which makes up for the shortcomings of the global retrieval. Finally, KNN-matching algorithm is used to judge the match and merge scores. We show some ablation experiments of our method, which reveals the complementary advantages of global and local features.
△ Less
Submitted 28 December, 2021; v1 submitted 4 December, 2021;
originally announced December 2021.
-
COVID-MTL: Multitask Learning with Shift3D and Random-weighted Loss for Automated Diagnosis and Severity Assessment of COVID-19
Authors:
Guoqing Bao,
Huai Chen,
Tongliang Liu,
Guanzhong Gong,
Yong Yin,
Lisheng Wang,
Xiuying Wang
Abstract:
There is an urgent need for automated methods to assist accurate and effective assessment of COVID-19. Radiology and nucleic acid test (NAT) are complementary COVID-19 diagnosis methods. In this paper, we present an end-to-end multitask learning (MTL) framework (COVID-MTL) that is capable of automated and simultaneous detection (against both radiology and NAT) and severity assessment of COVID-19.…
▽ More
There is an urgent need for automated methods to assist accurate and effective assessment of COVID-19. Radiology and nucleic acid test (NAT) are complementary COVID-19 diagnosis methods. In this paper, we present an end-to-end multitask learning (MTL) framework (COVID-MTL) that is capable of automated and simultaneous detection (against both radiology and NAT) and severity assessment of COVID-19. COVID-MTL learns different COVID-19 tasks in parallel through our novel random-weighted loss function, which assigns learning weights under Dirichlet distribution to prevent task dominance; our new 3D real-time augmentation algorithm (Shift3D) introduces space variances for 3D CNN components by shifting low-level feature representations of volumetric inputs in three dimensions; thereby, the MTL framework is able to accelerate convergence and improve joint learning performance compared to single-task models. By only using chest CT scans, COVID-MTL was trained on 930 CT scans and tested on separate 399 cases. COVID-MTL achieved AUCs of 0.939 and 0.846, and accuracies of 90.23% and 79.20% for detection of COVID-19 against radiology and NAT, respectively, which outperformed the state-of-the-art models. Meanwhile, COVID-MTL yielded AUC of 0.800 $\pm$ 0.020 and 0.813 $\pm$ 0.021 (with transfer learning) for classifying control/suspected, mild/regular, and severe/critically-ill cases. To decipher the recognition mechanism, we also identified high-throughput lung features that were significantly related (P < 0.001) to the positivity and severity of COVID-19.
△ Less
Submitted 31 December, 2020; v1 submitted 10 December, 2020;
originally announced December 2020.
-
Constructions of complementary sequence sets and complete complementary codes by 2-level autocorrelation sequences and permutation polynomials
Authors:
Zilong Wang,
Guang Gong
Abstract:
In this paper, a recent method to construct complementary sequence sets and complete complementary codes by Hadamard matrices is deeply studied. By taking the algebraic structure of Hadamard matrices into consideration, our main result determine the so-called $δ$-linear terms and $δ$-quadratic terms. As a first consequence, a powerful theory linking Golay complementary sets of $p$-ary ($p$ prime)…
▽ More
In this paper, a recent method to construct complementary sequence sets and complete complementary codes by Hadamard matrices is deeply studied. By taking the algebraic structure of Hadamard matrices into consideration, our main result determine the so-called $δ$-linear terms and $δ$-quadratic terms. As a first consequence, a powerful theory linking Golay complementary sets of $p$-ary ($p$ prime) sequences and the generalized Reed-Muller codes by Kasami et al. is developed. These codes enjoy good error-correcting capability, tightly controlled PMEPR, and significantly extend the range of coding options for applications of OFDM using $p^n$ subcarriers. As another consequence, we make a previously unrecognized connection between the sequences in CSSs and CCCs and the sequence with 2-level autocorrelation, trace function and permutation polynomial (PP) over the finite fields.
△ Less
Submitted 12 May, 2020;
originally announced May 2020.
-
PrivFL: Practical Privacy-preserving Federated Regressions on High-dimensional Data over Mobile Networks
Authors:
Kalikinkar Mandal,
Guang Gong
Abstract:
Federated Learning (FL) enables a large number of users to jointly learn a shared machine learning (ML) model, coordinated by a centralized server, where the data is distributed across multiple devices. This approach enables the server or users to train and learn an ML model using gradient descent, while keeping all the training data on users' devices. We consider training an ML model over a mobil…
▽ More
Federated Learning (FL) enables a large number of users to jointly learn a shared machine learning (ML) model, coordinated by a centralized server, where the data is distributed across multiple devices. This approach enables the server or users to train and learn an ML model using gradient descent, while keeping all the training data on users' devices. We consider training an ML model over a mobile network where user dropout is a common phenomenon. Although federated learning was aimed at reducing data privacy risks, the ML model privacy has not received much attention.
In this work, we present PrivFL, a privacy-preserving system for training (predictive) linear and logistic regression models and oblivious predictions in the federated setting, while guaranteeing data and model privacy as well as ensuring robustness to users dropping out in the network. We design two privacy-preserving protocols for training linear and logistic regression models based on an additive homomorphic encryption (HE) scheme and an aggregation protocol. Exploiting the training algorithm of federated learning, at the core of our training protocols is a secure multiparty global gradient computation on alive users' data. We analyze the security of our training protocols against semi-honest adversaries. As long as the aggregation protocol is secure under the aggregation privacy game and the additive HE scheme is semantically secure, PrivFL guarantees the users' data privacy against the server, and the server's regression model privacy against the users. We demonstrate the performance of PrivFL on real-world datasets and show its applicability in the federated learning system.
△ Less
Submitted 5 April, 2020;
originally announced April 2020.
-
New Constructions of Complementary Sequence Pairs over $4^q$-QAM
Authors:
Zilong Wang,
Erzhong Xue,
Guang Gong
Abstract:
The previous constructions of quadrature amplitude modulation (QAM) Golay complementary sequences (GCSs) were generalized as $4^q $-QAM GCSs of length $2^{m}$ by Li \textsl{et al.} (the generalized cases I-III for $q\ge 2$) in 2010 and Liu \textsl{et al.} (the generalized cases IV-V for $q\ge 3$) in 2013 respectively. Those sequences are presented as the combination of the quaternary standard GCSs…
▽ More
The previous constructions of quadrature amplitude modulation (QAM) Golay complementary sequences (GCSs) were generalized as $4^q $-QAM GCSs of length $2^{m}$ by Li \textsl{et al.} (the generalized cases I-III for $q\ge 2$) in 2010 and Liu \textsl{et al.} (the generalized cases IV-V for $q\ge 3$) in 2013 respectively. Those sequences are presented as the combination of the quaternary standard GCSs and compatible offsets. By providing new compatible offsets based on the factorization of the integer $q$, we proposed two new constructions of $4^q $-QAM GCSs, which have the generalized cases I-V as special cases. The numbers of the proposed GCSs (including the generalized cases IV-V) are equal to the product of the number of the quaternary standard GCSs and the number of the compatible offsets. For $q=q_{1}\times q_{2}\times \dots\times q_{t}$ ($q_k>1$), the number of new offsets in our first construction is lower bounded by a polynomial of $m$ with degree $t$, while the numbers of offsets in the generalized cases I-III and IV-V are a linear polynomial of $m$ and a quadratic polynomial of $m$, respectively. In particular, the numbers of new offsets in our first construction is seven times more than that in the generalized cases IV-V for $q=4$. We also show that the numbers of new offsets in our two constructions is lower bounded by a cubic polynomial of $m$ for $q=6$. Moreover, our proof implies that all the mentioned GCSs over QAM in this paper can be regarded as projections of Golay complementary arrays of size $2\times2\times\cdots\times2$.
△ Less
Submitted 20 December, 2020; v1 submitted 6 March, 2020;
originally announced March 2020.
-
New Construction of Complementary Sequence (or Array) Sets and Complete Complementary Codes
Authors:
Zilong Wang,
Dongxu Ma,
Guang Gong,
Erzhong Xue
Abstract:
A new method to construct $q$-ary complementary sequence sets (CSSs) and complete complementary codes (CCCs) of size $N$ is proposed by using desired para-unitary (PU) matrices. The concept of seed PU matrices is introduced and a systematic approach on how to compute the explicit forms of the functions in constructed CSSs and CCCs from the seed PU matrices is given. A general form of these functio…
▽ More
A new method to construct $q$-ary complementary sequence sets (CSSs) and complete complementary codes (CCCs) of size $N$ is proposed by using desired para-unitary (PU) matrices. The concept of seed PU matrices is introduced and a systematic approach on how to compute the explicit forms of the functions in constructed CSSs and CCCs from the seed PU matrices is given. A general form of these functions only depends on a basis of the functions from $\Z_N$ to $\Z_q$ and representatives in the equivalent class of Butson-type Hadamard (BH) matrices. Especially, the realization of Golay pairs from the our general form exactly coincides with the standard Golay pairs. The realization of ternary complementary sequences of size $3$ is first reported here. For the realization of the quaternary complementary sequences of size 4, almost all the sequences derived here are never reported before. Generalized seed PU matrices and the recursive constructions of the desired PU matrices are also studied, and a large number of new constructions of CSSs and CCCs are given accordingly. From the perspective of this paper, all the known results of CSSs and CCCs with explicit GBF form in the literature (except non-standard Golay pairs) are constructed from the Walsh matrices of order 2. This suggests that the proposed method with the BH matrices of higher orders will yield a large number of new CSSs and CCCs with the exponentially increasing number of the sequences of low peak-to-mean envelope power ratio.
△ Less
Submitted 12 January, 2020;
originally announced January 2020.
-
Shape-Aware Organ Segmentation by Predicting Signed Distance Maps
Authors:
Yuan Xue,
Hui Tang,
Zhi Qiao,
Guanzhong Gong,
Yong Yin,
Zhen Qian,
Chao Huang,
Wei Fan,
Xiaolei Huang
Abstract:
In this work, we propose to resolve the issue existing in current deep learning based organ segmentation systems that they often produce results that do not capture the overall shape of the target organ and often lack smoothness. Since there is a rigorous mapping between the Signed Distance Map (SDM) calculated from object boundary contours and the binary segmentation map, we exploit the feasibili…
▽ More
In this work, we propose to resolve the issue existing in current deep learning based organ segmentation systems that they often produce results that do not capture the overall shape of the target organ and often lack smoothness. Since there is a rigorous mapping between the Signed Distance Map (SDM) calculated from object boundary contours and the binary segmentation map, we exploit the feasibility of learning the SDM directly from medical scans. By converting the segmentation task into predicting an SDM, we show that our proposed method retains superior segmentation performance and has better smoothness and continuity in shape. To leverage the complementary information in traditional segmentation training, we introduce an approximated Heaviside function to train the model by predicting SDMs and segmentation maps simultaneously. We validate our proposed models by conducting extensive experiments on a hippocampus segmentation dataset and the public MICCAI 2015 Head and Neck Auto Segmentation Challenge dataset with multiple organs. While our carefully designed backbone 3D segmentation network improves the Dice coefficient by more than 5% compared to current state-of-the-arts, the proposed model with SDM learning produces smoother segmentation results with smaller Hausdorff distance and average surface distance, thus proving the effectiveness of our method.
△ Less
Submitted 8 December, 2019;
originally announced December 2019.
-
New Construction of Complementary Sequence (or Array) Sets and Complete Complementary Codes (II)
Authors:
Zilong Wang,
Dongxu Ma,
Erzhong Xue,
Guang Gong,
Srdjan Budisin
Abstract:
Previously, we have presented a framework to use the para-unitary (PU) matrix-based approach for constructing new complementary sequence set (CSS), complete complementary code (CCC), complementary sequence array (CSA), and complete complementary array (CCA). In this paper, we introduce a new class of delay matrices for the PU construction. In this way, generalized Boolean functions (GBF) derived f…
▽ More
Previously, we have presented a framework to use the para-unitary (PU) matrix-based approach for constructing new complementary sequence set (CSS), complete complementary code (CCC), complementary sequence array (CSA), and complete complementary array (CCA). In this paper, we introduce a new class of delay matrices for the PU construction. In this way, generalized Boolean functions (GBF) derived from PU matrix can be represented by an array of size $2\times 2 \times \cdots \times 2$. In addition, we introduce a new method to construct PU matrices using block matrices. With these two new ingredients, our new framework can construct an extremely large number of new CSA, CCA, CSS and CCC, and their respective GBFs can be also determined recursively. Furthermore, we can show that the known constructions of CSSs, proposed by Paterson and Schmidt respectively, the known CCCs based on Reed-muller codes are all special cases of this new framework. In addition, we are able to explain the bound of PMEPR of the sequences in the part of the open question, proposed in 2000 by Paterson.
△ Less
Submitted 12 May, 2020; v1 submitted 22 October, 2019;
originally announced October 2019.
-
New Construction of Complementary Sequence (or Array) Sets and Complete Complementary Codes (I)
Authors:
Zilong Wang,
Dongxu Ma,
Guang Gong
Abstract:
A new method to construct $q$-ary complementary sequence (or array) sets (CSSs) and complete complementary codes (CCCs) of size $N$ is introduced in this paper. An algorithm on how to compute the explicit form of the functions in constructed CSS and CCC is also given. A general form of these functions only depends on a basis of functions from $\Z_N$ to $\Z_q$ and representatives in the equivalent…
▽ More
A new method to construct $q$-ary complementary sequence (or array) sets (CSSs) and complete complementary codes (CCCs) of size $N$ is introduced in this paper. An algorithm on how to compute the explicit form of the functions in constructed CSS and CCC is also given. A general form of these functions only depends on a basis of functions from $\Z_N$ to $\Z_q$ and representatives in the equivalent class of Butson-type Hadamard matrices. Surprisingly, all the functions fill up a larger number of cosets of a linear code, compared with the existing constructions. From our general construction, its realization of $q$-ary Golay pairs exactly coincides with the standard Golay sequences. The realization of ternary complementary sequences of size $3$ is first reported here. For binary and quaternary complementary sequences of size 4, a general Boolean function form of these sequences is obtained. Most of these sequences are also new. Moreover, most of quaternary sequences cannot be generalized from binary sequences, which is different from known constructions. More importantly, both binary and quaternary sequences of size 4 constitute a large number of cosets of the linear code respectively.
△ Less
Submitted 12 May, 2020; v1 submitted 22 October, 2019;
originally announced October 2019.
-
Implementation of three LWC Schemes in the WiFi 4-Way Handshake with Software Defined Radio
Authors:
Yunjie Yi,
Guang Gong,
Kalikinkar Mandal
Abstract:
With the rapid deployment of Internet of Things (IoT) devices in applications such as smarthomes, healthcare and industrial automation, security and privacy has become a major concern. Recently, National Institute of Standards and Technology (NIST) has initiated a lightweight cryptography (LWC) competition to standardize new cryptographic algorithm(s) for providing security in resource-constrained…
▽ More
With the rapid deployment of Internet of Things (IoT) devices in applications such as smarthomes, healthcare and industrial automation, security and privacy has become a major concern. Recently, National Institute of Standards and Technology (NIST) has initiated a lightweight cryptography (LWC) competition to standardize new cryptographic algorithm(s) for providing security in resource-constrained environments. In this context, measuring the suitability of new algorithms with existing communication and authentication protocols is an important problem. This paper investigates the performance of three NIST lightweight authenticated ciphers in round 2 namely ACE, SPIX and WAGE in the WiFi and CoAP handshaking authentication protocols. We implement the WiFi and CoAP handshake protocols and the IEEE802.11a physical layer communication protocol in software defined radio (SDR) and embed these two handshaking protocols into the IEEE802.11a OFDM communication protocol to measure the performance of three ciphers. We present the construction of KDF and MIC used in the handshaking authentication protocols and provide optimized implementations of ACE, SPIX and WAGE including KDF and MIC on three different (low-power) microcontrollers. The performance results of these three ciphers when adopted in WiFi and CoAP protocols are presented. Our experimental results show that the cryptographic functionalities are the bottleneck in the handshaking and data protection protocols.
△ Less
Submitted 30 September, 2021; v1 submitted 25 September, 2019;
originally announced September 2019.
-
Scale Matters: Temporal Scale Aggregation Network for Precise Action Localization in Untrimmed Videos
Authors:
Guoqiang Gong,
Liangfeng Zheng,
Kun Bai,
Yadong Mu
Abstract:
Temporal action localization is a recently-emerging task, aiming to localize video segments from untrimmed videos that contain specific actions. Despite the remarkable recent progress, most two-stage action localization methods still suffer from imprecise temporal boundaries of action proposals. This work proposes a novel integrated temporal scale aggregation network (TSA-Net). Our main insight is…
▽ More
Temporal action localization is a recently-emerging task, aiming to localize video segments from untrimmed videos that contain specific actions. Despite the remarkable recent progress, most two-stage action localization methods still suffer from imprecise temporal boundaries of action proposals. This work proposes a novel integrated temporal scale aggregation network (TSA-Net). Our main insight is that ensembling convolution filters with different dilation rates can effectively enlarge the receptive field with low computational cost, which inspires us to devise multi-dilation temporal convolution (MDC) block. Furthermore, to tackle video action instances with different durations, TSA-Net consists of multiple branches of sub-networks. Each of them adopts stacked MDC blocks with different dilation parameters, accomplishing a temporal receptive field specially optimized for specific-duration actions. We follow the formulation of boundary point detection, novelly detecting three kinds of critical points (ie, starting / mid-point / ending) and pairing them for proposal generation. Comprehensive evaluations are conducted on two challenging video benchmarks, THUMOS14 and ActivityNet-1.3. Our proposed TSA-Net demonstrates clear and consistent better performances and re-calibrates new state-of-the-art on both benchmarks. For example, our new record on THUMOS14 is 46.9% while the previous best is 42.8% under [email protected].
△ Less
Submitted 2 August, 2019;
originally announced August 2019.
-
New Characterizations for the Multi-output Correlation-Immune Boolean Functions
Authors:
Jinjin Chai,
Zilong Wang,
Sihem Mesnager,
Guang Gong
Abstract:
Correlation-immune (CI) multi-output Boolean functions have the property of keeping the same output distribution when some input variables are fixed. Recently, a new application of CI functions has appeared in the system of resisting side-channel attacks (SCA). In this paper, three new methods are proposed to characterize the $t$ th-order CI multi-output Boolean functions ($n$-input and $m$-output…
▽ More
Correlation-immune (CI) multi-output Boolean functions have the property of keeping the same output distribution when some input variables are fixed. Recently, a new application of CI functions has appeared in the system of resisting side-channel attacks (SCA). In this paper, three new methods are proposed to characterize the $t$ th-order CI multi-output Boolean functions ($n$-input and $m$-output). The first characterization is to regard the multi-output Boolean functions as the corresponding generalized Boolean functions. It is shown that a generalized Boolean functions $f_g$ is a $t$ th-order CI function if and only if the Walsh transform of $f_g$ defined here vanishes at all points with Hamming weights between $1$ and $t$. Compared to the previous Walsh transforms of component functions, our first method can reduce the computational complexity from $(2^m-1)\sum^t_{j=1}\binom{n}{j}$ to $m\sum^t_{j=1}\binom{n}{j}$. The last two methods are generalized from Fourier spectral characterizations. Especially, Fourier spectral characterizations are more efficient to characterize the symmetric multi-output CI Boolean functions.
△ Less
Submitted 24 August, 2019; v1 submitted 13 March, 2019;
originally announced March 2019.
-
The Fourier Spectral Characterization for the Correlation-Immune Functions over Fp
Authors:
Zilong Wang,
Jinjin Chai,
Guang Gong
Abstract:
The correlation-immune functions serve as an important metric for measuring resistance of a cryptosystem against correlation attacks. Existing literature emphasize on matrices, orthogonal arrays and Walsh-Hadamard spectra to characterize the correlation-immune functions over $\mathbb{F}_p$ ($p \geq 2$ is a prime). %with prime $p$. Recently, Wang and Gong investigated the Fourier spectral character…
▽ More
The correlation-immune functions serve as an important metric for measuring resistance of a cryptosystem against correlation attacks. Existing literature emphasize on matrices, orthogonal arrays and Walsh-Hadamard spectra to characterize the correlation-immune functions over $\mathbb{F}_p$ ($p \geq 2$ is a prime). %with prime $p$. Recently, Wang and Gong investigated the Fourier spectral characterization over the complex field for correlation-immune Boolean functions. In this paper, the discrete Fourier transform (DFT) of non-binary functions was studied. It was shown that a function $f$ over $\mathbb{F}_p$ is $m$th-order correlation-immune if and only if its Fourier spectrum vanishes at a specific location under any permutation of variables. Moreover, if $f$ is a symmetric function, $f$ is correlation-immune if and only if its Fourier spectrum vanishes at only one location.
△ Less
Submitted 13 March, 2019;
originally announced March 2019.
-
MMFNet: A Multi-modality MRI Fusion Network for Segmentation of Nasopharyngeal Carcinoma
Authors:
Huai Chen,
Yuxiao Qi,
Yong Yin,
Tengxiang Li,
Xiaoqing Liu,
Xiuli Li,
Guanzhong Gong,
Lisheng Wang
Abstract:
Segmentation of nasopharyngeal carcinoma (NPC) from Magnetic Resonance Images (MRI) is a crucial prerequisite for NPC radiotherapy. However, manually segmenting of NPC is time-consuming and labor-intensive. Additionally, single-modality MRI generally cannot provide enough information for its accurate delineation. Therefore, a multi-modality MRI fusion network (MMFNet) based on three modalities of…
▽ More
Segmentation of nasopharyngeal carcinoma (NPC) from Magnetic Resonance Images (MRI) is a crucial prerequisite for NPC radiotherapy. However, manually segmenting of NPC is time-consuming and labor-intensive. Additionally, single-modality MRI generally cannot provide enough information for its accurate delineation. Therefore, a multi-modality MRI fusion network (MMFNet) based on three modalities of MRI (T1, T2 and contrast-enhanced T1) is proposed to complete accurate segmentation of NPC. The backbone of MMFNet is designed as a multi-encoder-based network, consisting of several encoders to capture modality-specific features and one single decoder to fuse them and obtain high-level features for NPC segmentation. A fusion block is presented to effectively fuse features from multi-modality MRI. It firstly recalibrates low-level features captured from modality-specific encoders to highlight both informative features and regions of interest, then fuses weighted features by a residual fusion block to keep balance between fused ones and high-level features from decoder. Moreover, a training strategy named self-transfer, which utilizes pre-trained modality-specific encoders to initialize multi-encoder-based network, is proposed to make full mining of information from different modalities of MRI. The proposed method based on multi-modality MRI can effectively segment NPC and its advantages are validated by extensive experiments.
△ Less
Submitted 22 October, 2019; v1 submitted 25 December, 2018;
originally announced December 2018.
-
TrialChain: A Blockchain-Based Platform to Validate Data Integrity in Large, Biomedical Research Studies
Authors:
Hao Dai,
H Patrick Young,
Thomas JS Durant,
Guannan Gong,
Mingming Kang,
Harlan M Krumholz,
Wade L Schulz,
Lixin Jiang
Abstract:
The governance of data used for biomedical research and clinical trials is an important requirement for generating accurate results. To improve the visibility of data quality and analysis, we developed TrialChain, a blockchain-based platform that can be used to validate data integrity from large, biomedical research studies. We implemented a private blockchain using the MultiChain platform and int…
▽ More
The governance of data used for biomedical research and clinical trials is an important requirement for generating accurate results. To improve the visibility of data quality and analysis, we developed TrialChain, a blockchain-based platform that can be used to validate data integrity from large, biomedical research studies. We implemented a private blockchain using the MultiChain platform and integrated it with a data science platform deployed within a large research center. An administrative web application was built with Python to manage the platform, which was built with a microservice architecture using Docker. The TrialChain platform was integrated during data acquisition into our existing data science platform. Using NiFi, data were hashed and logged within the local blockchain infrastructure. To provide public validation, the local blockchain state was periodically synchronized to the public Ethereum network. The use of a combined private/public blockchain platform allows for both public validation of results while maintaining additional security and lower cost for blockchain transactions. Original data and modifications due to downstream analysis can be logged within TrialChain and data assets or results can be rapidly validated when needed using API calls to the platform. The TrialChain platform provides a data governance solution to audit the acquisition and analysis of biomedical research data. The platform provides cryptographic assurance of data authenticity and can also be used to document data analysis.
△ Less
Submitted 10 July, 2018;
originally announced July 2018.
-
Some Notes on Constructions of Binary Sequences with Optimal Autocorrelation
Authors:
Tongjiang Yan,
Guang Gong
Abstract:
Constructions of binary sequences with low autocorrelation are considered in the paper. Based on recent progresses about this topic, several more general constructions of binary sequences with optimal autocorrelations and other low autocorrelations are presented.
Constructions of binary sequences with low autocorrelation are considered in the paper. Based on recent progresses about this topic, several more general constructions of binary sequences with optimal autocorrelations and other low autocorrelations are presented.
△ Less
Submitted 16 November, 2014;
originally announced November 2014.
-
Quadratic Zero-Difference Balanced Functions, APN Functions and Strongly Regular Graphs
Authors:
Claude Carlet,
Guang Gong,
Yin Tan
Abstract:
Let $F$ be a function from $\mathbb{F}_{p^n}$ to itself and $δ$ a positive integer. $F$ is called zero-difference $δ$-balanced if the equation $F(x+a)-F(x)=0$ has exactly $δ$ solutions for all non-zero $a\in\mathbb{F}_{p^n}$. As a particular case, all known quadratic planar functions are zero-difference 1-balanced; and some quadratic APN functions over $\mathbb{F}_{2^n}$ are zero-difference 2-bala…
▽ More
Let $F$ be a function from $\mathbb{F}_{p^n}$ to itself and $δ$ a positive integer. $F$ is called zero-difference $δ$-balanced if the equation $F(x+a)-F(x)=0$ has exactly $δ$ solutions for all non-zero $a\in\mathbb{F}_{p^n}$. As a particular case, all known quadratic planar functions are zero-difference 1-balanced; and some quadratic APN functions over $\mathbb{F}_{2^n}$ are zero-difference 2-balanced. In this paper, we study the relationship between this notion and differential uniformity; we show that all quadratic zero-difference $δ$-balanced functions are differentially $δ$-uniform and we investigate in particular such functions with the form $F=G(x^d)$, where $\gcd(d,p^n-1)=δ+1$ and where the restriction of $G$ to the set of all non-zero $(δ+1)$-th powers in $\mathbb{F}_{p^n}$ is an injection. We introduce new families of zero-difference $p^t$-balanced functions. More interestingly, we show that the image set of such functions is a regular partial difference set, and hence yields strongly regular graphs; this generalizes the constructions of strongly regular graphs using planar functions by Weng et al. Using recently discovered quadratic APN functions on $\mathbb{F}_{2^8}$, we obtain $15$ new $(256, 85, 24, 30)$ negative Latin square type strongly regular graphs.
△ Less
Submitted 31 October, 2014; v1 submitted 10 October, 2014;
originally announced October 2014.
-
More Constructions of Differentially 4-uniform Permutations on $\gf_{2^{2k}}$
Authors:
Longjiang Qu,
Yin Tan,
Chao Li,
Guang Gong
Abstract:
Differentially 4-uniform permutations on $\gf_{2^{2k}}$ with high nonlinearity are often chosen as Substitution boxes in both block and stream ciphers. Recently, Qu et al. introduced a class of functions, which are called preferred functions, to construct a lot of infinite families of such permutations \cite{QTTL}. In this paper, we propose a particular type of Boolean functions to characterize th…
▽ More
Differentially 4-uniform permutations on $\gf_{2^{2k}}$ with high nonlinearity are often chosen as Substitution boxes in both block and stream ciphers. Recently, Qu et al. introduced a class of functions, which are called preferred functions, to construct a lot of infinite families of such permutations \cite{QTTL}. In this paper, we propose a particular type of Boolean functions to characterize the preferred functions. On the one hand, such Boolean functions can be determined by solving linear equations, and they give rise to a huge number of differentially 4-uniform permutations over $\gf_{2^{2k}}$. Hence they may provide more choices for the design of Substitution boxes. On the other hand, by investigating the number of these Boolean functions, we show that the number of CCZ-inequivalent differentially 4-uniform permutations over $\gf_{2^{2k}}$ grows exponentially when $k$ increases, which gives a positive answer to an open problem proposed in \cite{QTTL}.
△ Less
Submitted 21 July, 2014; v1 submitted 28 September, 2013;
originally announced September 2013.
-
The Proof of Lin's Conjecture via the Decimation-Hadamard Transform
Authors:
Honggang Hu,
Shuai Shao,
Guang Gong,
Tor Helleseth
Abstract:
In 1998, Lin presented a conjecture on a class of ternary sequences with ideal 2-level autocorrelation in his Ph.D thesis. Those sequences have a very simple structure, i.e., their trace representation has two trace monomial terms. In this paper, we present a proof for the conjecture. The mathematical tools employed are the second-order multiplexing decimation-Hadamard transform, Stickelberger's t…
▽ More
In 1998, Lin presented a conjecture on a class of ternary sequences with ideal 2-level autocorrelation in his Ph.D thesis. Those sequences have a very simple structure, i.e., their trace representation has two trace monomial terms. In this paper, we present a proof for the conjecture. The mathematical tools employed are the second-order multiplexing decimation-Hadamard transform, Stickelberger's theorem, the Teichmüller character, and combinatorial techniques for enumerating the Hamming weights of ternary numbers. As a by-product, we also prove that the Lin conjectured ternary sequences are Hadamard equivalent to ternary $m$-sequences.
△ Less
Submitted 2 July, 2013;
originally announced July 2013.
-
Large Zero Autocorrelation Zone of Golay Sequences and $4^q$-QAM Golay Complementary Sequences
Authors:
Guang Gong,
Fei Huo,
Yang Yang
Abstract:
Sequences with good correlation properties have been widely adopted in modern communications, radar and sonar applications. In this paper, we present our new findings on some constructions of single $H$-ary Golay sequence and $4^q$-QAM Golay complementary sequence with a large zero autocorrelation zone, where $H\ge 2$ is an arbitrary even integer and $q\ge 2$ is an arbitrary integer. Those new res…
▽ More
Sequences with good correlation properties have been widely adopted in modern communications, radar and sonar applications. In this paper, we present our new findings on some constructions of single $H$-ary Golay sequence and $4^q$-QAM Golay complementary sequence with a large zero autocorrelation zone, where $H\ge 2$ is an arbitrary even integer and $q\ge 2$ is an arbitrary integer. Those new results on Golay sequences and QAM Golay complementary sequences can be explored during synchronization and detection at the receiver end and thus improve the performance of the communication system.
△ Less
Submitted 22 June, 2011;
originally announced June 2011.
-
A Generalized Construction of OFDM M-QAM Sequences With Low Peak-to-Average Power Ratio
Authors:
Zilong Wang,
Guang Gong,
Rongquan Feng
Abstract:
A construction of $2^{2n}$-QAM sequences is given and an upper bound of the peak-to-mean envelope power ratio (PMEPR) is determined. Some former works can be viewed as special cases of this construction.
A construction of $2^{2n}$-QAM sequences is given and an upper bound of the peak-to-mean envelope power ratio (PMEPR) is determined. Some former works can be viewed as special cases of this construction.
△ Less
Submitted 14 October, 2010;
originally announced October 2010.
-
A Note on the Diagonalization of the Discrete Fourier Transform
Authors:
Zilong Wang,
Guang Gong
Abstract:
Following the approach developed by S. Gurevich and R. Hadani, an analytical formula of the canonical basis of the DFT is given for the case $N=p$ where $p$ is a prime number and $p\equiv 1$ (mod 4).
Following the approach developed by S. Gurevich and R. Hadani, an analytical formula of the canonical basis of the DFT is given for the case $N=p$ where $p$ is a prime number and $p\equiv 1$ (mod 4).
△ Less
Submitted 5 June, 2009; v1 submitted 7 February, 2009;
originally announced February 2009.
-
New Sequences Design from Weil Representation with Low Two-Dimensional Correlation in Both Time and Phase Shifts
Authors:
Zilong Wang,
Guang Gong
Abstract:
For a given prime $p$, a new construction of families of the complex valued sequences of period $p$ with efficient implementation is given by applying both multiplicative characters and additive characters of finite field $\mathbb{F}_p$. Such a signal set consists of $p^2(p-2)$ time-shift distinct sequences, the magnitude of the two-dimensional autocorrelation function (i.e., the ambiguity functio…
▽ More
For a given prime $p$, a new construction of families of the complex valued sequences of period $p$ with efficient implementation is given by applying both multiplicative characters and additive characters of finite field $\mathbb{F}_p$. Such a signal set consists of $p^2(p-2)$ time-shift distinct sequences, the magnitude of the two-dimensional autocorrelation function (i.e., the ambiguity function) in both time and phase of each sequence is upper bounded by $2\sqrt{p}$ at any shift not equal to $(0, 0)$, and the magnitude of the ambiguity function of any pair of phase-shift distinct sequences is upper bounded by $4\sqrt{p}$. Furthermore, the magnitude of their Fourier transform spectrum is less than or equal to 2. A proof is given through finding a simple elementary construction for the sequences constructed from the Weil representation by Gurevich, Hadani and Sochen. An open problem for directly establishing these assertions without involving the Weil representation is addressed.
△ Less
Submitted 13 May, 2011; v1 submitted 24 December, 2008;
originally announced December 2008.