-
FlexNeRFer: A Multi-Dataflow, Adaptive Sparsity-Aware Accelerator for On-Device NeRF Rendering
Authors:
Seock-Hwan Noh,
Banseok Shin,
Jeik Choi,
Seungpyo Lee,
Jaeha Kung,
Yeseong Kim
Abstract:
Neural Radiance Fields (NeRF), an AI-driven approach for 3D view reconstruction, has demonstrated impressive performance, sparking active research across fields. As a result, a range of advanced NeRF models has emerged, leading on-device applications to increasingly adopt NeRF for highly realistic scene reconstructions. With the advent of diverse NeRF models, NeRF-based applications leverage a var…
▽ More
Neural Radiance Fields (NeRF), an AI-driven approach for 3D view reconstruction, has demonstrated impressive performance, sparking active research across fields. As a result, a range of advanced NeRF models has emerged, leading on-device applications to increasingly adopt NeRF for highly realistic scene reconstructions. With the advent of diverse NeRF models, NeRF-based applications leverage a variety of NeRF frameworks, creating the need for hardware capable of efficiently supporting these models. However, GPUs fail to meet the performance, power, and area (PPA) cost demanded by these on-device applications, or are specialized for specific NeRF algorithms, resulting in lower efficiency when applied to other NeRF models. To address this limitation, in this work, we introduce FlexNeRFer, an energy-efficient versatile NeRF accelerator. The key components enabling the enhancement of FlexNeRFer include: i) a flexible network-on-chip (NoC) supporting multi-dataflow and sparsity on precision-scalable MAC array, and ii) efficient data storage using an optimal sparsity format based on the sparsity ratio and precision modes. To evaluate the effectiveness of FlexNeRFer, we performed a layout implementation using 28nm CMOS technology. Our evaluation shows that FlexNeRFer achieves 8.2~243.3x speedup and 24.1~520.3x improvement in energy efficiency over a GPU (i.e., NVIDIA RTX 2080 Ti), while demonstrating 4.2~86.9x speedup and 2.3~47.5x improvement in energy efficiency compared to a state-of-the-art NeRF accelerator (i.e., NeuRex).
△ Less
Submitted 10 May, 2025;
originally announced May 2025.
-
Causal Time-Series Synchronization for Multi-Dimensional Forecasting
Authors:
Michael Mayr,
Georgios C. Chasparis,
Josef Küng
Abstract:
The process industry's high expectations for Digital Twins require modeling approaches that can generalize across tasks and diverse domains with potentially different data dimensions and distributional shifts i.e., Foundational Models. Despite success in natural language processing and computer vision, transfer learning with (self-) supervised signals for pre-training general-purpose models is lar…
▽ More
The process industry's high expectations for Digital Twins require modeling approaches that can generalize across tasks and diverse domains with potentially different data dimensions and distributional shifts i.e., Foundational Models. Despite success in natural language processing and computer vision, transfer learning with (self-) supervised signals for pre-training general-purpose models is largely unexplored in the context of Digital Twins in the process industry due to challenges posed by multi-dimensional time-series data, lagged cause-effect dependencies, complex causal structures, and varying number of (exogenous) variables. We propose a novel channel-dependent pre-training strategy that leverages synchronized cause-effect pairs to overcome these challenges by breaking down the multi-dimensional time-series data into pairs of cause-effect variables. Our approach focuses on: (i) identifying highly lagged causal relationships using data-driven methods, (ii) synchronizing cause-effect pairs to generate training samples for channel-dependent pre-training, and (iii) evaluating the effectiveness of this approach in channel-dependent forecasting. Our experimental results demonstrate significant improvements in forecasting accuracy and generalization capability compared to traditional training methods.
△ Less
Submitted 15 November, 2024;
originally announced November 2024.
-
OPAL: Outlier-Preserved Microscaling Quantization Accelerator for Generative Large Language Models
Authors:
Jahyun Koo,
Dahoon Park,
Sangwoo Jung,
Jaeha Kung
Abstract:
To overcome the burden on the memory size and bandwidth due to ever-increasing size of large language models (LLMs), aggressive weight quantization has been recently studied, while lacking research on quantizing activations. In this paper, we present a hardware-software co-design method that results in an energy-efficient LLM accelerator, named OPAL, for generation tasks. First of all, a novel act…
▽ More
To overcome the burden on the memory size and bandwidth due to ever-increasing size of large language models (LLMs), aggressive weight quantization has been recently studied, while lacking research on quantizing activations. In this paper, we present a hardware-software co-design method that results in an energy-efficient LLM accelerator, named OPAL, for generation tasks. First of all, a novel activation quantization method that leverages the microscaling data format while preserving several outliers per sub-tensor block (e.g., four out of 128 elements) is proposed. Second, on top of preserving outliers, mixed precision is utilized that sets 5-bit for inputs to sensitive layers in the decoder block of an LLM, while keeping inputs to less sensitive layers to 3-bit. Finally, we present the OPAL hardware architecture that consists of FP units for handling outliers and vectorized INT multipliers for dominant non-outlier related operations. In addition, OPAL uses log2-based approximation on softmax operations that only requires shift and subtraction to maximize power efficiency. As a result, we are able to improve the energy efficiency by 1.6~2.2x, and reduce the area by 2.4~3.1x with negligible accuracy loss, i.e., <1 perplexity increase.
△ Less
Submitted 24 September, 2024; v1 submitted 5 September, 2024;
originally announced September 2024.
-
Learning Paradigms and Modelling Methodologies for Digital Twins in Process Industry
Authors:
Michael Mayr,
Georgios C. Chasparis,
Josef Küng
Abstract:
Central to the digital transformation of the process industry are Digital Twins (DTs), virtual replicas of physical manufacturing systems that combine sensor data with sophisticated data-based or physics-based models, or a combination thereof, to tackle a variety of industrial-relevant tasks like process monitoring, predictive control or decision support. The backbone of a DT, i.e. the concrete mo…
▽ More
Central to the digital transformation of the process industry are Digital Twins (DTs), virtual replicas of physical manufacturing systems that combine sensor data with sophisticated data-based or physics-based models, or a combination thereof, to tackle a variety of industrial-relevant tasks like process monitoring, predictive control or decision support. The backbone of a DT, i.e. the concrete modelling methodologies and architectural frameworks supporting these models, are complex, diverse and evolve fast, necessitating a thorough understanding of the latest state-of-the-art methods and trends to stay on top of a highly competitive market. From a research perspective, despite the high research interest in reviewing various aspects of DTs, structured literature reports specifically focusing on unravelling the utilized learning paradigms (e.g. self-supervised learning) for DT-creation in the process industry are a novel contribution in this field. This study aims to address these gaps by (1) systematically analyzing the modelling methodologies (e.g. Convolutional Neural Network, Encoder-Decoder, Hidden Markov Model) and paradigms (e.g. data-driven, physics-based, hybrid) used for DT-creation; (2) assessing the utilized learning strategies (e.g. supervised, unsupervised, self-supervised); (3) analyzing the type of modelling task (e.g. regression, classification, clustering); and (4) identifying the challenges and research gaps, as well as, discuss potential resolutions provided.
△ Less
Submitted 2 July, 2024;
originally announced July 2024.
-
Comparison of Access Control Approaches for Graph-Structured Data
Authors:
Aya Mohamed,
Dagmar Auer,
Daniel Hofer,
Josef Kueng
Abstract:
Access control is the enforcement of the authorization policy, which defines subjects, resources, and access rights. Graph-structured data requires advanced, flexible, and fine-grained access control due to its complex structure as sequences of alternating vertices and edges. Several research works focus on protecting property graph-structured data, enforcing fine-grained access control, and provi…
▽ More
Access control is the enforcement of the authorization policy, which defines subjects, resources, and access rights. Graph-structured data requires advanced, flexible, and fine-grained access control due to its complex structure as sequences of alternating vertices and edges. Several research works focus on protecting property graph-structured data, enforcing fine-grained access control, and proving the feasibility and applicability of their concept. However, they differ conceptually and technically. We select works from our systematic literature review on authorization and access control for different database models in addition to recent ones. Based on defined criteria, we exclude research works with different objectives, such as no protection of graph-structured data, graph models other than the property graph, coarse-grained access control approaches, or no application in a graph datastore (i.e., no proof-of-concept implementation). The latest version of the remaining works are discussed in detail in terms of their access control approach as well as authorization policy definition and enforcement. Finally, we analyze the strengths and limitations of the selected works and provide a comparison with respect to different aspects, including the base access control model, open/closed policy, negative permission support, and datastore-independent enforcement.
△ Less
Submitted 31 May, 2024;
originally announced May 2024.
-
One-Spike SNN: Single-Spike Phase Coding with Base Manipulation for ANN-to-SNN Conversion Loss Minimization
Authors:
Sangwoo Hwang,
Jaeha Kung
Abstract:
As spiking neural networks (SNNs) are event-driven, energy efficiency is higher than conventional artificial neural networks (ANNs). Since SNN delivers data through discrete spikes, it is difficult to use gradient methods for training, limiting its accuracy. To keep the accuracy of SNNs similar to ANN counterparts, pre-trained ANNs are converted to SNNs (ANN-to-SNN conversion). During the conversi…
▽ More
As spiking neural networks (SNNs) are event-driven, energy efficiency is higher than conventional artificial neural networks (ANNs). Since SNN delivers data through discrete spikes, it is difficult to use gradient methods for training, limiting its accuracy. To keep the accuracy of SNNs similar to ANN counterparts, pre-trained ANNs are converted to SNNs (ANN-to-SNN conversion). During the conversion, encoding activations of ANNs to a set of spikes in SNNs is crucial for minimizing the conversion loss. In this work, we propose a single-spike phase coding as an encoding scheme that minimizes the number of spikes to transfer data between SNN layers. To minimize the encoding error due to single-spike approximation in phase coding, threshold shift and base manipulation are proposed. Without any additional retraining or architectural constraints on ANNs, the proposed conversion method does not lose inference accuracy (0.58% on average) verified on three convolutional neural networks (CNNs) with CIFAR and ImageNet datasets.In addition, graph convolutional networks (GCNs) are converted to SNNs successfully with an average accuracy loss of 0.90%.Most importantly, the energy efficiency of our SNN improves by 4.6~17.3 X compared to the ANN baseline.
△ Less
Submitted 29 January, 2024;
originally announced March 2024.
-
All-rounder: A Flexible AI Accelerator with Diverse Data Format Support and Morphable Structure for Multi-DNN Processing
Authors:
Seock-Hwan Noh,
Seungpyo Lee,
Banseok Shin,
Sehun Park,
Yongjoo Jang,
Jaeha Kung
Abstract:
Recognizing the explosive increase in the use of AI-based applications, several industrial companies developed custom ASICs (e.g., Google TPU, IBM RaPiD, Intel NNP-I/NNP-T) and constructed a hyperscale cloud infrastructure with them. These ASICs perform operations of the inference or training process of AI models which are requested by users. Since the AI models have different data formats and typ…
▽ More
Recognizing the explosive increase in the use of AI-based applications, several industrial companies developed custom ASICs (e.g., Google TPU, IBM RaPiD, Intel NNP-I/NNP-T) and constructed a hyperscale cloud infrastructure with them. These ASICs perform operations of the inference or training process of AI models which are requested by users. Since the AI models have different data formats and types of operations, the ASICs need to support diverse data formats and various operation shapes. However, the previous ASIC solutions do not or less fulfill these requirements. To overcome these limitations, we first present an area-efficient multiplier, named all-in-one multiplier, that supports multiple bit-widths for both integer and floating point data types. Then, we build a MAC array equipped with these multipliers with multi-format support. In addition, the MAC array can be partitioned into multiple blocks that can be flexibly fused to support various DNN operation types. We evaluate the practical effectiveness of the proposed MAC array by making an accelerator out of it, named All-rounder. According to our evaluation, the proposed all-in-one multiplier occupies 1.49x smaller area compared to the baselines with dedicated multipliers for each data format. Then, we compare the performance and energy efficiency of the proposed All-rounder with three different accelerators showing consistent speedup and higher efficiency across various AI benchmarks from vision to LLM-based language tasks.
△ Less
Submitted 28 February, 2025; v1 submitted 25 October, 2023;
originally announced October 2023.
-
XACML Extension for Graphs: Flexible Authorization Policy Specification and Datastore-independent Enforcement
Authors:
Aya Mohamed,
Dagmar Auer,
Daniel Hofer,
Josef Küng
Abstract:
The increasing use of graph-structured data for business- and privacy-critical applications requires sophisticated, flexible and fine-grained authorization and access control. Currently, role-based access control is supported in graph databases, where access to objects is restricted via roles. This does not take special properties of graphs into account such as vertices and edges along the path be…
▽ More
The increasing use of graph-structured data for business- and privacy-critical applications requires sophisticated, flexible and fine-grained authorization and access control. Currently, role-based access control is supported in graph databases, where access to objects is restricted via roles. This does not take special properties of graphs into account such as vertices and edges along the path between a given subject and resource. In previous iterations of our research, we started to design an authorization policy language and access control model, which considers the specification of graph paths and enforces them in the multi-model database ArangoDB. Since this approach is promising to consider graph characteristics in data protection, we improve the language in this work to provide flexible path definitions and specifying edges as protected resources. Furthermore, we introduce a method for a datastore-independent policy enforcement. Besides discussing the latest work in our XACML4G model, which is an extension to the Extensible Access Control Markup Language (XACML), we demonstrate our prototypical implementation with a real case and give an outlook on performance.
△ Less
Submitted 22 June, 2023;
originally announced June 2023.
-
A Probabilistic Transformation of Distance-Based Outliers
Authors:
David Muhr,
Michael Affenzeller,
Josef Küng
Abstract:
The scores of distance-based outlier detection methods are difficult to interpret, making it challenging to determine a cut-off threshold between normal and outlier data points without additional context. We describe a generic transformation of distance-based outlier scores into interpretable, probabilistic estimates. The transformation is ranking-stable and increases the contrast between normal a…
▽ More
The scores of distance-based outlier detection methods are difficult to interpret, making it challenging to determine a cut-off threshold between normal and outlier data points without additional context. We describe a generic transformation of distance-based outlier scores into interpretable, probabilistic estimates. The transformation is ranking-stable and increases the contrast between normal and outlier data points. Determining distance relationships between data points is necessary to identify the nearest-neighbor relationships in the data, yet, most of the computed distances are typically discarded. We show that the distances to other data points can be used to model distance probability distributions and, subsequently, use the distributions to turn distance-based outlier scores into outlier probabilities. Our experiments show that the probabilistic transformation does not impact detection performance over numerous tabular and image benchmark datasets but results in interpretable outlier scores with increased contrast between normal and outlier samples. Our work generalizes to a wide range of distance-based outlier detection methods, and because existing distance computations are used, it adds no significant computational overhead.
△ Less
Submitted 18 July, 2023; v1 submitted 16 May, 2023;
originally announced May 2023.
-
LightNorm: Area and Energy-Efficient Batch Normalization Hardware for On-Device DNN Training
Authors:
Seock-Hwan Noh,
Junsang Park,
Dahoon Park,
Jahyun Koo,
Jeik Choi,
Jaeha Kung
Abstract:
When training early-stage deep neural networks (DNNs), generating intermediate features via convolution or linear layers occupied most of the execution time. Accordingly, extensive research has been done to reduce the computational burden of the convolution or linear layers. In recent mobile-friendly DNNs, however, the relative number of operations involved in processing these layers has significa…
▽ More
When training early-stage deep neural networks (DNNs), generating intermediate features via convolution or linear layers occupied most of the execution time. Accordingly, extensive research has been done to reduce the computational burden of the convolution or linear layers. In recent mobile-friendly DNNs, however, the relative number of operations involved in processing these layers has significantly reduced. As a result, the proportion of the execution time of other layers, such as batch normalization layers, has increased. Thus, in this work, we conduct a detailed analysis of the batch normalization layer to efficiently reduce the runtime overhead in the batch normalization process. Backed up by the thorough analysis, we present an extremely efficient batch normalization, named LightNorm, and its associated hardware module. In more detail, we fuse three approximation techniques that are i) low bit-precision, ii) range batch normalization, and iii) block floating point. All these approximate techniques are carefully utilized not only to maintain the statistics of intermediate feature maps, but also to minimize the off-chip memory accesses. By using the proposed LightNorm hardware, we can achieve significant area and energy savings during the DNN training without hurting the training accuracy. This makes the proposed hardware a great candidate for the on-device training.
△ Less
Submitted 4 November, 2022;
originally announced November 2022.
-
FlexBlock: A Flexible DNN Training Accelerator with Multi-Mode Block Floating Point Support
Authors:
Seock-Hwan Noh,
Jahyun Koo,
Seunghyun Lee,
Jongse Park,
Jaeha Kung
Abstract:
Training deep neural networks (DNNs) is a computationally expensive job, which can take weeks or months even with high performance GPUs. As a remedy for this challenge, community has started exploring the use of more efficient data representations in the training process, e.g., block floating point (BFP). However, prior work on BFP-based DNN accelerators rely on a specific BFP representation makin…
▽ More
Training deep neural networks (DNNs) is a computationally expensive job, which can take weeks or months even with high performance GPUs. As a remedy for this challenge, community has started exploring the use of more efficient data representations in the training process, e.g., block floating point (BFP). However, prior work on BFP-based DNN accelerators rely on a specific BFP representation making them less versatile. This paper builds upon an algorithmic observation that we can accelerate the training by leveraging multiple BFP precisions without compromising the finally achieved accuracy. Backed up by this algorithmic opportunity, we develop a flexible DNN training accelerator, dubbed FlexBlock, which supports three different BFP precision modes, possibly different among activation, weight, and gradient tensors. While several prior works proposed such multi-precision support for DNN accelerators, not only do they focus only on the inference, but also their core utilization is suboptimal at a fixed precision and specific layer types when the training is considered. Instead, FlexBlock is designed in such a way that high core utilization is achievable for i) various layer types, and ii) three BFP precisions by mapping data in a hierarchical manner to its compute units. We evaluate the effectiveness of FlexBlock architecture using well-known DNNs on CIFAR, ImageNet and WMT14 datasets. As a result, training in FlexBlock significantly improves the training speed by 1.5~5.3x and the energy efficiency by 2.4~7.0x on average compared to other training accelerators and incurs marginal accuracy loss compared to full-precision training.
△ Less
Submitted 13 March, 2022;
originally announced March 2022.
-
ZeBRA: Precisely Destroying Neural Networks with Zero-Data Based Repeated Bit Flip Attack
Authors:
Dahoon Park,
Kon-Woo Kwon,
Sunghoon Im,
Jaeha Kung
Abstract:
In this paper, we present Zero-data Based Repeated bit flip Attack (ZeBRA) that precisely destroys deep neural networks (DNNs) by synthesizing its own attack datasets. Many prior works on adversarial weight attack require not only the weight parameters, but also the training or test dataset in searching vulnerable bits to be attacked. We propose to synthesize the attack dataset, named distilled ta…
▽ More
In this paper, we present Zero-data Based Repeated bit flip Attack (ZeBRA) that precisely destroys deep neural networks (DNNs) by synthesizing its own attack datasets. Many prior works on adversarial weight attack require not only the weight parameters, but also the training or test dataset in searching vulnerable bits to be attacked. We propose to synthesize the attack dataset, named distilled target data, by utilizing the statistics of batch normalization layers in the victim DNN model. Equipped with the distilled target data, our ZeBRA algorithm can search vulnerable bits in the model without accessing training or test dataset. Thus, our approach makes the adversarial weight attack more fatal to the security of DNNs. Our experimental results show that 2.0x (CIFAR-10) and 1.6x (ImageNet) less number of bit flips are required on average to destroy DNNs compared to the previous attack method. Our code is available at https://github. com/pdh930105/ZeBRA.
△ Less
Submitted 18 November, 2021; v1 submitted 1 November, 2021;
originally announced November 2021.
-
Inconsequential results on the Merino-Welsh conjecture for Tutte polynomials
Authors:
Joseph P. S. Kung
Abstract:
The Merino-Welsh conjectures say that subject to conditions, there is an inequality among the Tutte-polynomial evaluations $T(M;2,0)$, $T(M;0,2)$, and $T(M;1,1)$. We present three results on a Merino-Welsh conjecture. These results are "inconsequential" in the sense that although they imply a version of the conjecture for many matroids, they seem to be dead ends.
The Merino-Welsh conjectures say that subject to conditions, there is an inequality among the Tutte-polynomial evaluations $T(M;2,0)$, $T(M;0,2)$, and $T(M;1,1)$. We present three results on a Merino-Welsh conjecture. These results are "inconsequential" in the sense that although they imply a version of the conjecture for many matroids, they seem to be dead ends.
△ Less
Submitted 19 May, 2021; v1 submitted 4 May, 2021;
originally announced May 2021.
-
The $\barγ$-frame for Tutte polynomials of matroids
Authors:
Joseph P. S. Kung
Abstract:
Specializing the $γ$-basis for the vector space $\mathcal{G}(n,r)$ spanned by the set of symbols on bit sequences with $r$ $1$'s and $n-r$ $0$'s, we obtain a frame or spanning set for the vector space $\mathcal{T}(n,r)$ spanned by Tutte polynomials of matroids having rank $r$ and size $n$. Every Tutte polynomial can be expanded as a linear combination with non-negative integer coefficients of elem…
▽ More
Specializing the $γ$-basis for the vector space $\mathcal{G}(n,r)$ spanned by the set of symbols on bit sequences with $r$ $1$'s and $n-r$ $0$'s, we obtain a frame or spanning set for the vector space $\mathcal{T}(n,r)$ spanned by Tutte polynomials of matroids having rank $r$ and size $n$. Every Tutte polynomial can be expanded as a linear combination with non-negative integer coefficients of elements in this frame. We give explicit formulas for the elements in this frame. These formulas combine to give an expansion of the Tutte polynomial with coefficients obtained by summing numerical invariants over all flats with a given rank and size.
△ Less
Submitted 5 June, 2021; v1 submitted 8 April, 2021;
originally announced April 2021.
-
A NoSQL Data-based Personalized Recommendation System for C2C e-Commerce
Authors:
Khanh Dang,
Khuong Vo,
Josef Küng
Abstract:
With the considerable development of customer-to-customer (C2C) e-commerce in the recent years, there is a big demand for an effective recommendation system that suggests suitable websites for users to sell their items with some specified needs. Nonetheless, e-commerce recommendation systems are mostly designed for business-to-customer (B2C) websites, where the systems offer the consumers the prod…
▽ More
With the considerable development of customer-to-customer (C2C) e-commerce in the recent years, there is a big demand for an effective recommendation system that suggests suitable websites for users to sell their items with some specified needs. Nonetheless, e-commerce recommendation systems are mostly designed for business-to-customer (B2C) websites, where the systems offer the consumers the products that they might like to buy. Almost none of the related research works focus on choosing selling sites for target items. In this paper, we introduce an approach that recommends the selling websites based upon the item's description, category, and desired selling price. This approach employs NoSQL data-based machine learning techniques for building and training topic models and classification models. The trained models can then be used to rank the websites dynamically with respect to the user needs. The experimental results with real-world datasets from Vietnam C2C websites will demonstrate the effectiveness of our proposed method.
△ Less
Submitted 26 June, 2018;
originally announced June 2018.
-
Algebra and valuations related to the Tutte polynomial
Authors:
Michael J. Falk,
Joseph P. S. Kung
Abstract:
This is a chapter destined for the book "Handbook of the Tutte Polynomial". The chapter is a composite. The first part is a brief introduction to Orlik-Solomon algebras. The second part sketches the theory of evaluative functions on matroid base polytopes and in particular, the G-invariant (as the subject is known late 2015). A third very short section is on Hopf-algebra or coalgebra structures in…
▽ More
This is a chapter destined for the book "Handbook of the Tutte Polynomial". The chapter is a composite. The first part is a brief introduction to Orlik-Solomon algebras. The second part sketches the theory of evaluative functions on matroid base polytopes and in particular, the G-invariant (as the subject is known late 2015). A third very short section is on Hopf-algebra or coalgebra structures in Tutte polynomial theory.
△ Less
Submitted 23 November, 2017;
originally announced November 2017.
-
The $\mathcal{G}$-invariant and catenary data of a matroid
Authors:
Joseph E. Bonin,
Joseph P. S. Kung
Abstract:
The catenary data of a matroid $M$ of rank $r$ on $n$ elements is the vector $(ν(M;a_0,a_1,\ldots,a_r))$, indexed by compositions $(a_0,a_1,\ldots,a_r)$, where $a_0 \geq 0$,\, $a_i > 0$ for $i \geq 1$, and $a_0+ a_1 + \cdots + a_r = n$, with the coordinate $ν(M;a_0,a_1, \ldots,a_r)$ equal to the number of maximal chains or flags $(X_0,X_1, \ldots,X_r)$ of flats or closed sets such that $X_i$ has r…
▽ More
The catenary data of a matroid $M$ of rank $r$ on $n$ elements is the vector $(ν(M;a_0,a_1,\ldots,a_r))$, indexed by compositions $(a_0,a_1,\ldots,a_r)$, where $a_0 \geq 0$,\, $a_i > 0$ for $i \geq 1$, and $a_0+ a_1 + \cdots + a_r = n$, with the coordinate $ν(M;a_0,a_1, \ldots,a_r)$ equal to the number of maximal chains or flags $(X_0,X_1, \ldots,X_r)$ of flats or closed sets such that $X_i$ has rank $i$,\, $|X_0| = a_0$, and $|X_i - X_{i-1}| = a_i$. We show that the catenary data of $M$ contains the same information about $M$ as its $\mathcal{G}$-invariant, which was defined by H. Derksen [\emph{J.\ Algebr.\ Combin.}\ 30 (2009) 43--86]. The Tutte polynomial is a specialization of the $\mathcal{G}$-invariant. We show that many known results for the Tutte polynomial have analogs for the $\mathcal{G}$-invariant. In particular, we show that for many matroid constructions, the $\mathcal{G}$-invariant of the construction can be calculated from the $\mathcal{G}$-invariants of the constituents and that the $\mathcal{G}$-invariant of a matroid can be calculated from its size, the isomorphism class of the lattice of cyclic flats with lattice elements labeled by the rank and size of the underlying set. We also show that the number of flats and cyclic flats of a given rank and size can be derived from the $\mathcal{G}$-invariant, that the $\mathcal{G}$-invariant of $M$ is reconstructible from the deck of $\mathcal{G}$-invariants of restrictions of $M$ to its copoints, and that, apart from free extensions and coextensions, one can detect whether a matroid is a free product from its $\mathcal{G}$-invariant.
△ Less
Submitted 11 February, 2025; v1 submitted 2 October, 2015;
originally announced October 2015.
-
Syzygies on Tutte polynomials of freedom matroids
Authors:
Joseph Kung
Abstract:
We give a generating set for linear relations on Tutte polynomials of rank-$r$ size-$n$ freedom matroids.
We give a generating set for linear relations on Tutte polynomials of rank-$r$ size-$n$ freedom matroids.
△ Less
Submitted 6 September, 2016; v1 submitted 7 September, 2015;
originally announced September 2015.
-
Maximum size binary matroids with no AG(3,2)-minor are graphic
Authors:
Joseph P. S. Kung,
Dillon Mayhew,
Irene Pivotto,
Gordon F. Royle
Abstract:
We prove that the maximum size of a simple binary matroid of rank $r \geq 5$ with no AG(3,2)-minor is $\binom{r+1}{2}$ and characterise those matroids achieving this bound. When $r \geq 6$, the graphic matroid $M(K_{r+1})$ is the unique matroid meeting the bound, but there are a handful of smaller examples. In addition, we determine the size function for non-regular simple binary matroids with no…
▽ More
We prove that the maximum size of a simple binary matroid of rank $r \geq 5$ with no AG(3,2)-minor is $\binom{r+1}{2}$ and characterise those matroids achieving this bound. When $r \geq 6$, the graphic matroid $M(K_{r+1})$ is the unique matroid meeting the bound, but there are a handful of smaller examples. In addition, we determine the size function for non-regular simple binary matroids with no AG(3,2)-minor and characterise the matroids of maximum size for each rank.
△ Less
Submitted 8 April, 2013;
originally announced April 2013.
-
Semidirect sums of matroids
Authors:
Joseph E. Bonin,
Joseph P. S. Kung
Abstract:
For matroids M and N on disjoint sets S and T, a semidirect sum of M and N is a matroid K on the union of S and T that, like the direct sum and the free product, has the restriction of K to S equal to M and the contraction of K to T equal to N. We abstract a matrix construction to get a general matroid construction: the matroid union of any rank-preserving extension of M on the union of S and T wi…
▽ More
For matroids M and N on disjoint sets S and T, a semidirect sum of M and N is a matroid K on the union of S and T that, like the direct sum and the free product, has the restriction of K to S equal to M and the contraction of K to T equal to N. We abstract a matrix construction to get a general matroid construction: the matroid union of any rank-preserving extension of M on the union of S and T with the direct sum of N and the rank-0 matroid on S is a semidirect sum of M and N. We study principal sums in depth; these are such matroid unions where the extension of M has each element of T added either as a loop or freely on a fixed flat of M. A second construction of semidirect sums, defined by a Higgs lift, also specializes to principal sums. We also explore what can be deduced if M and N, or certain of their semidirect sums, are transversal or fundamental transversal matroids.
△ Less
Submitted 1 October, 2012;
originally announced October 2012.
-
Rook and queen paths with boundaries
Authors:
Joseph P. S. Kung,
Anna de Mier
Abstract:
A rook path is a path on lattice points in the plane in which any proper horizontal step to the right or vertical step north is allowed. If, in addition, one allow bishop steps, that is, proper diagonal steps of slope 1, then one has queen paths. A rook or queen path is Catalan if it starts at the origin and stays strictly to the left of the line y = x-1. We give explicit formulas for the ordinary…
▽ More
A rook path is a path on lattice points in the plane in which any proper horizontal step to the right or vertical step north is allowed. If, in addition, one allow bishop steps, that is, proper diagonal steps of slope 1, then one has queen paths. A rook or queen path is Catalan if it starts at the origin and stays strictly to the left of the line y = x-1. We give explicit formulas for the ordinary generating function of the number of Catalan rook and queen paths finishing at $(n,n).$ These generating functions are algebraic; indeed, they satisfy quadratic equations. In the second version, we also consider paths with "spider steps", that is, proper steps on lattice points with slope strictly greater than one. In the third version, we give step-enumerator versions of our results.
△ Less
Submitted 3 July, 2012; v1 submitted 8 September, 2011;
originally announced September 2011.
-
Characterizations of transversal and fundamental transversal matroids
Authors:
Joseph E. Bonin,
Joseph P. S. Kung,
Anna de Mier
Abstract:
A result of Mason, as refined by Ingleton, characterizes transversal matroids as the matroids that satisfy a set of inequalities that relate the ranks of intersections and unions of nonempty sets of cyclic flats. We prove counterparts, for fundamental transversal matroids, of this and other characterizations of transversal matroids. In particular, we show that fundamental transversal matroids are…
▽ More
A result of Mason, as refined by Ingleton, characterizes transversal matroids as the matroids that satisfy a set of inequalities that relate the ranks of intersections and unions of nonempty sets of cyclic flats. We prove counterparts, for fundamental transversal matroids, of this and other characterizations of transversal matroids. In particular, we show that fundamental transversal matroids are precisely the matroids that yield equality in Mason's inequalities and we deduce a characterization of fundamental transversal matroids due to Brylawski from this simpler characterization.
△ Less
Submitted 17 September, 2010;
originally announced September 2010.
-
Congruence conditions, parcels, and Tutte polynomials of graphs and matroids
Authors:
Joseph P. S. Kung
Abstract:
Let $G$ be a matrix and $M(G)$ be the matroid defined by linear dependence on the set $E$ of column vectors of $G.$ Roughly speaking, a parcel is a subset of pairs $(f,g)$ of functions defined on $E$ to an Abelian group $A$ satisfying a coboundary condition (that $f-g$ is a flow over $A$ relative to $G$) and a congruence condition (that the size of the supports of $f$ and $g$ satisfy some congruen…
▽ More
Let $G$ be a matrix and $M(G)$ be the matroid defined by linear dependence on the set $E$ of column vectors of $G.$ Roughly speaking, a parcel is a subset of pairs $(f,g)$ of functions defined on $E$ to an Abelian group $A$ satisfying a coboundary condition (that $f-g$ is a flow over $A$ relative to $G$) and a congruence condition (that the size of the supports of $f$ and $g$ satisfy some congruence condition modulo an integer). We prove several theorems of the form: a linear combination of sizes of parcels, with coefficients roots of unity, equals an evaluation of the Tutte polynomial of $M(G)$ at a point $(λ-1,x-1)$ on the complex hyperbola $(λ- 1)(x-1) = |A|.$
△ Less
Submitted 3 December, 2011; v1 submitted 1 July, 2010;
originally announced July 2010.
-
Photo-induced high-temperature order-disorder phase transition in CaSnO3 perovskite revealed by Raman spectroscopy
Authors:
C. -J. Chen,
J. Kung,
C. -M. Lin,
M. Zhang,
S. A. T. Redfern
Abstract:
Calcium stannate perovskite (CaSnO3) has been studied by Raman spectroscopy at two excitation wavelengths (514.5 nm and 632.8 nm). A new first-order order-disorder phase transition induces Raman frequency shifts and line width doubling at 121C on heating (94C on cooling), seen in experiments using the 514.5 nm line of an Ar+-ion laser. The transition is also seen when using a 623.8 nm He-Ne lase…
▽ More
Calcium stannate perovskite (CaSnO3) has been studied by Raman spectroscopy at two excitation wavelengths (514.5 nm and 632.8 nm). A new first-order order-disorder phase transition induces Raman frequency shifts and line width doubling at 121C on heating (94C on cooling), seen in experiments using the 514.5 nm line of an Ar+-ion laser. The transition is also seen when using a 623.8 nm He-Ne laser and by differential scanning calorimetry (DSC), but without strong order-disorder character, indicating that the phase transition is dependent on photo-excitation. High-temperature powder X-ray diffraction measurements provide thermal expansion coefficients of ax = 13.9 x 10-6 K-1, ay = 2.7 x 10-6 K-1, az = 14.3 x 10-6 K-1. The phase transition is postulated to be associated with photo-excited charged and conductive nanoscale ferroelectric order-disorder. As such, CaSnO3 could represent the first in a new class of optoelectronic materials with additional potential photocatalytic properties.
△ Less
Submitted 6 July, 2012; v1 submitted 22 January, 2010;
originally announced January 2010.
-
Convolution-multiplication identities for Tutte polynomials of matroids
Authors:
Joseph P. S. Kung
Abstract:
We give a general multiplication-convolution identity for the multivariate and bivariate rank generating polynomial of a matroid. The bivariate rank generating polynomial is transformable to and from the Tutte polynomial by simple algebraic operations. Several identities, almost all already known in some form, are specializations of this identity. Combinatorial or probabilistic interpretations a…
▽ More
We give a general multiplication-convolution identity for the multivariate and bivariate rank generating polynomial of a matroid. The bivariate rank generating polynomial is transformable to and from the Tutte polynomial by simple algebraic operations. Several identities, almost all already known in some form, are specializations of this identity. Combinatorial or probabilistic interpretations are given for the specialized identities.
△ Less
Submitted 11 September, 2009;
originally announced September 2009.
-
Graphs whose flow polynomials have only integral roots
Authors:
Joseph P. S. Kung,
Gordon F. Royle
Abstract:
We show if the flow polynomial of a bridgeless graph G has only integral roots, then G is the dual graph to a planar chordal graph. We also show that for 3-connected cubic graphs, the same conclusion holds under the weaker hypothesis that it has only real flow roots. Expressed in the language of matroid theory, this result says that the cographic matroids with only integral characteristic roots…
▽ More
We show if the flow polynomial of a bridgeless graph G has only integral roots, then G is the dual graph to a planar chordal graph. We also show that for 3-connected cubic graphs, the same conclusion holds under the weaker hypothesis that it has only real flow roots. Expressed in the language of matroid theory, this result says that the cographic matroids with only integral characteristic roots are the cycle matroids of planar chordal graphs.
△ Less
Submitted 10 September, 2009; v1 submitted 2 August, 2009;
originally announced August 2009.
-
Lattice and Schroder paths with periodic boundaries
Authors:
Joseph P. S. Kung,
Anna de Mier,
Xinyu Sun,
Catherine H. Yan
Abstract:
We consider paths in the plane with $(1,0),$ $(0,1),$ and $(a,b)$-steps that start at the origin, end at height $n,$ and stay to the left of a given non-decreasing right boundary. We show that if the boundary is periodic and has slope at most $b/a,$ then the ordinary generating function for the number of such paths ending at height $n$ is algebraic. Our argument is in two parts. We use a simple…
▽ More
We consider paths in the plane with $(1,0),$ $(0,1),$ and $(a,b)$-steps that start at the origin, end at height $n,$ and stay to the left of a given non-decreasing right boundary. We show that if the boundary is periodic and has slope at most $b/a,$ then the ordinary generating function for the number of such paths ending at height $n$ is algebraic. Our argument is in two parts. We use a simple combinatorial decomposition to obtain an Appell relation or ``umbral'' generating function, in which the power $z^n$ is replaced by a power series of the form $z^n φ_n(z),$ where $φ_n(0) = 1.$ Then we convert (in an explicit way) the umbral generating function to an ordinary generating function by solving a system of linear equations and a polynomial equation. This conversion implies that the ordinary generating function is algebraic.
△ Less
Submitted 27 September, 2007; v1 submitted 11 September, 2007;
originally announced September 2007.
-
Derivation modules of orthogonal duals of hyperplane arrangements
Authors:
Joseph P. S. Kung,
Hal Schenck
Abstract:
Let A be an n by d matrix having full rank n. An orthogonal dual A^{\perp} of A is a (d-n) by d matrix of rank (d-n) such that every row of A^{\perp} is orthogonal (under the usual dot product) to every row of A. We define the orthogonal dual for arrangements by identifying an essential (central) arrangement of d hyperplanes in n-dimensional space with the n by d matrix of coefficients of the ho…
▽ More
Let A be an n by d matrix having full rank n. An orthogonal dual A^{\perp} of A is a (d-n) by d matrix of rank (d-n) such that every row of A^{\perp} is orthogonal (under the usual dot product) to every row of A. We define the orthogonal dual for arrangements by identifying an essential (central) arrangement of d hyperplanes in n-dimensional space with the n by d matrix of coefficients of the homogeneous linear forms for which the hyperplanes are kernels. If n is at least 5, we show that if the matroid (or the intersection lattice) of an n-dimensional essential arrangement A contains a modular copoint whose complement spans, then the derivation module of the orthogonally dual arrangement \A^{\perp} has projective dimension at least [n(n+2)/4] - 3,([ ] denotes ceiling).
△ Less
Submitted 7 April, 2006;
originally announced April 2006.
-
Strong Energy Condition in $R + R^2$ Gravity
Authors:
J. H. Kung
Abstract:
In this paper, we study Raychaudhuri's equation in the background of $R + βR^2$ gravity with a phenomenological matter ($ρ\propto a(t)^{-n}$). We conclude that even though the Strong Energy Condition (S.E.C.) for Einstein's gravity, which guarantees singularity, is $n\geq 2$ for $ρ\propto a(t)^{-n}$, a perturbative analysis of Raychaudhuri's equation in the background of $R + βR^2$ gravity revea…
▽ More
In this paper, we study Raychaudhuri's equation in the background of $R + βR^2$ gravity with a phenomenological matter ($ρ\propto a(t)^{-n}$). We conclude that even though the Strong Energy Condition (S.E.C.) for Einstein's gravity, which guarantees singularity, is $n\geq 2$ for $ρ\propto a(t)^{-n}$, a perturbative analysis of Raychaudhuri's equation in the background of $R + βR^2$ gravity reveals that the big bang singularity may not be guaranteed for $n > 4$. We derive the following Strong Energy Conditions for $R + βR^2$ ($β\not= 0$):
1) For $k<0$ FRW metric, S.E.C. is ($0\leq n\leq 4$)
i.e., $-ρ_n \leq p_n \leq {1\over 3}ρ_n$.
2) For $k=0$ FRW metric, S.E.C. is ( $1\leq n\leq 4$)
i.e., $-{2\over 3}ρ_n \leq p_n \leq {1\over 3}ρ_n$.
3) For $k>0$ FRW metric, S.E.C. is ($2\leq n\leq 4$)
i.e., $-{1\over 3}ρ_n \leq p_n \leq {1\over 3}ρ_n$.
△ Less
Submitted 4 October, 1995;
originally announced October 1995.
-
$R + R^2$ Gravity as $R +$ Backreaction
Authors:
J. H. Kung
Abstract:
Quadratic theory of gravity is a complicated constraint system. We investigate some consequences of treating quadratic terms perturbatively (higher derivative version of backreaction effects). This approach is shown to overcome some well known problems associated with higher derivative theories, i.e., the physical gravitational degree of freedom remains unchanged from those of Einstein gravity.…
▽ More
Quadratic theory of gravity is a complicated constraint system. We investigate some consequences of treating quadratic terms perturbatively (higher derivative version of backreaction effects). This approach is shown to overcome some well known problems associated with higher derivative theories, i.e., the physical gravitational degree of freedom remains unchanged from those of Einstein gravity.
Using such an interpretation of $R + βR^2$ gravity, we investigate a classical and Wheeler DeWitt evolution of $R + βR^2$ gravity for a particular sign of $β$, corresponding to non- tachyon case. Matter is described by a phenomenological $ρ\propto a(t)^{-n}$. It is concluded that both the Friedmann potential $U(a)$ ($ {\dot a}^2 + 2U(a) = 0 $) and the Wheeler DeWitt potential $W(a)$ ($\left[-{\partial^2\over \partial a^2} + 2W(a)\right]ψ(a) =0 $) develop repulsive barriers near $a\approx 0$ for $n>4$ (i.e., $ p > {1\over 3}ρ$). The interpretations is clear. Repulsive barrier in $U(a)$ implies that a contracting FRW universe ($k>0, k=0, k<0$) will bounce to an expansion phase without a total gravitational collapse. Repulsive barrier in $W(a)$ means that $a \approx 0$ is a classically forbidden region. Therefore, probability of finding a universe with the big bang singularity ($a=0$ ) is exponentially suppressed.
△ Less
Submitted 30 September, 1995;
originally announced September 1995.
-
Quantization of the Closed Mini-Superspace Models as Bound States
Authors:
Jong Hyun Kung
Abstract:
Wheeler-DeWitt equation is applied to $k > 0$ Friedmann Robertson Walker metric with various types of matter. It is shown that if the Universe ends in the matter dominated era (e.g., radiation or pressureless gas) with zero cosmological constant, then the resulting Wheeler-DeWitt equation describes a bound state problem. As solutions of a non-degenerate bound state system, the eigen-wave functio…
▽ More
Wheeler-DeWitt equation is applied to $k > 0$ Friedmann Robertson Walker metric with various types of matter. It is shown that if the Universe ends in the matter dominated era (e.g., radiation or pressureless gas) with zero cosmological constant, then the resulting Wheeler-DeWitt equation describes a bound state problem. As solutions of a non-degenerate bound state system, the eigen-wave functions are real (Hartle-Hawking) and the usual issue associated with the ambiguity in the boundary conditions for the wave functions is resolved. Furthermore, as a bound state problem, there exists a quantization condition that relates the curvature of the three space with the energy density of the Universe. Incorporating a cosmological constant in the early Universe (inflation) is given as a natural explanation for the large quantum number associated with our Universe, which resulted from the quantization condition.
It is also shown that if there is a cosmological constant $Λ> 0$ in our Universe that persists for all time, then the resulting Wheeler-DeWitt equation describes a non-bound state system, regardless of the magnitude of the cosmological constant. As a consequence, the wave functions are in general complex (Vilenkin) and the initial conditions for wave functions are a free parameters not determined by the formalism.
△ Less
Submitted 3 February, 1993;
originally announced February 1993.
-
Comparison of the Sachs-Wolfe Effect for Gaussian and Non-Gaussian Fluctuations
Authors:
Jong H. Kung
Abstract:
A consequence of non-Gaussian perturbations on the Sachs-Wolfe effect is studied. For a particular power spectrum, predicted Sachs-Wolfe effects are calculated for two cases: Gaussian (random phase) configuration, and a specific kind of non-Gaussian configuration. We obtain a result that the Sachs-Wolfe effect for the latter case is smaller when each temperature fluctuation is properly normalize…
▽ More
A consequence of non-Gaussian perturbations on the Sachs-Wolfe effect is studied. For a particular power spectrum, predicted Sachs-Wolfe effects are calculated for two cases: Gaussian (random phase) configuration, and a specific kind of non-Gaussian configuration. We obtain a result that the Sachs-Wolfe effect for the latter case is smaller when each temperature fluctuation is properly normalized with respect to the corresponding mass fluctuation ${δM\over M}(R)$. The physical explanation and the generality of the result are discussed.
△ Less
Submitted 28 August, 1992;
originally announced August 1992.