From 19168087ba3cb1eb1e172fc17fa9f2f19ecbda73 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Wed, 29 Sep 2021 14:22:32 +0800 Subject: [PATCH 1/9] GPU sample exec Signed-off-by: Chong Gao --- .../src/main/python/sample_test.py | 38 +++++++ .../nvidia/spark/rapids/GpuOverrides.scala | 6 + .../spark/rapids/basicPhysicalOperators.scala | 106 ++++++++++++++++-- .../rapids/GpuPartitionwiseSampledRDD.scala | 15 +++ .../spark/sql/rapids/GpuPoissonSampler.scala | 105 +++++++++++++++++ 5 files changed, 262 insertions(+), 8 deletions(-) create mode 100644 integration_tests/src/main/python/sample_test.py create mode 100644 sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala create mode 100644 sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala diff --git a/integration_tests/src/main/python/sample_test.py b/integration_tests/src/main/python/sample_test.py new file mode 100644 index 00000000000..c0e62c1aac6 --- /dev/null +++ b/integration_tests/src/main/python/sample_test.py @@ -0,0 +1,38 @@ +# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# +# Licensed under the Apache License, Version 2.0 (the "License"); +# you may not use this file except in compliance with the License. +# You may obtain a copy of the License at +# +# http://www.apache.org/licenses/LICENSE-2.0 +# +# Unless required by applicable law or agreed to in writing, software +# distributed under the License is distributed on an "AS IS" BASIS, +# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. +# See the License for the specific language governing permissions and +# limitations under the License. + +import pytest + +from asserts import assert_gpu_and_cpu_are_equal_collect +from data_gen import * +from pyspark.sql.types import * +from marks import * + +_table_gen = [ + ('a', StringGen()), + ('b', StringGen())] + +@ignore_order +@pytest.mark.parametrize('data_gen', [_table_gen], ids=idfn) +def test_sample(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: gen_df(spark, data_gen, length=2048).sample(0.9, 1) + ) + +@ignore_order +@pytest.mark.parametrize('data_gen', [_table_gen], ids=idfn) +def test_sample_override(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: gen_df(spark, data_gen).sample(True, 0.5, 1) + ) \ No newline at end of file diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuOverrides.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuOverrides.scala index 8fc7c86e98b..297448baf34 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuOverrides.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuOverrides.scala @@ -3596,6 +3596,12 @@ object GpuOverrides extends Logging { (windowOp, conf, p, r) => new GpuWindowExecMeta(windowOp, conf, p, r) ), + exec[SampleExec]( + "The backend for the sample operator", + ExecChecks((TypeSig.commonCudfTypes + TypeSig.NULL + TypeSig.STRUCT + TypeSig.MAP + + TypeSig.ARRAY + TypeSig.DECIMAL_64).nested(), TypeSig.all), + (sample, conf, p, r) => new GpuSampleExecMeta(sample, conf, p, r) + ), ShimLoader.getSparkShims.aqeShuffleReaderExec, exec[FlatMapCoGroupsInPandasExec]( "The backend for CoGrouped Aggregation Pandas UDF, it runs on CPU itself now but supports" + diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 1b38229a4af..28d835f0e09 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -16,25 +16,25 @@ package com.nvidia.spark.rapids -import scala.annotation.tailrec - import ai.rapids.cudf -import ai.rapids.cudf.{NvtxColor, Scalar, Table} +import ai.rapids.cudf._ import com.nvidia.spark.rapids.GpuMetric._ import com.nvidia.spark.rapids.RapidsPluginImplicits._ import com.nvidia.spark.rapids.shims.v2.{ShimSparkPlan, ShimUnaryExecNode} - -import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} import org.apache.spark.internal.Logging import org.apache.spark.rdd.RDD import org.apache.spark.sql.catalyst.InternalRow import org.apache.spark.sql.catalyst.expressions.{Ascending, Attribute, AttributeReference, Descending, Expression, NamedExpression, NullIntolerant, SortOrder} import org.apache.spark.sql.catalyst.plans.physical.{Partitioning, RangePartitioning, SinglePartition, UnknownPartitioning} -import org.apache.spark.sql.execution.{LeafExecNode, ProjectExec, SparkPlan} -import org.apache.spark.sql.rapids.GpuPredicateHelper +import org.apache.spark.sql.execution.{LeafExecNode, ProjectExec, SampleExec, SparkPlan} import org.apache.spark.sql.rapids.execution.TrampolineUtil +import org.apache.spark.sql.rapids.{GpuPartitionwiseSampledRDD, GpuPoissonSampler, GpuPredicateHelper} import org.apache.spark.sql.types.{DataType, LongType} -import org.apache.spark.sql.vectorized.{ColumnarBatch, ColumnVector} +import org.apache.spark.sql.vectorized.{ColumnVector, ColumnarBatch} +import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} + +import java.util.Random +import scala.annotation.tailrec class GpuProjectExecMeta( proj: ProjectExec, @@ -366,6 +366,96 @@ case class GpuFilterExec( } } +class GpuSampleExecMeta(sample: SampleExec, conf: RapidsConf, p: Option[RapidsMeta[_, _, _]], + r: DataFromReplacementRule) extends SparkPlanMeta[SampleExec](sample, conf, p, r) + with Logging { + override def convertToGpu(): GpuExec = { + val gpuChild = childPlans.head.convertIfNeeded() + GpuSampleExec(sample.lowerBound, sample.upperBound, sample.withReplacement, sample.seed, + gpuChild) + } +} + +case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement: Boolean, + seed: Long, child: SparkPlan) + extends ShimUnaryExecNode with GpuExec { + + override lazy val additionalMetrics: Map[String, GpuMetric] = Map( + OP_TIME -> createNanoTimingMetric(MODERATE_LEVEL, DESCRIPTION_OP_TIME)) + + override def output: Seq[Attribute] = { + child.output + } + + override def outputOrdering: Seq[SortOrder] = child.outputOrdering + + override def outputPartitioning: Partitioning = child.outputPartitioning + + override def doExecute(): RDD[InternalRow] = + throw new IllegalStateException(s"Row-based execution should not occur for $this") + + override val outputRowsLevel: MetricsLevel = ESSENTIAL_LEVEL + override val outputBatchesLevel: MetricsLevel = MODERATE_LEVEL + + override def doExecuteColumnar(): RDD[ColumnarBatch] = { + val numOutputRows = gpuLongMetric(NUM_OUTPUT_ROWS) + val numOutputBatches = gpuLongMetric(NUM_OUTPUT_BATCHES) + val opTime = gpuLongMetric(OP_TIME) + val rdd = child.executeColumnar() + if (withReplacement) { + new GpuPartitionwiseSampledRDD( + rdd, + new GpuPoissonSampler(upperBound - lowerBound, useGapSamplingIfPossible = false, + numOutputRows, numOutputBatches, opTime), + preservesPartitioning = true, + seed) + } else { + rdd.mapPartitionsWithIndex( + (index, iterator) => { + val rng: Random = new XORShiftRandom + rng.setSeed(seed + index) + iterator.map[ColumnarBatch]( + batch => { + withResource(batch) { batch => // will generate new columnar column, close this + val numRows = batch.numRows() + val filter = withResource(HostColumnVector.builder(DType.BOOL8, numRows)) { + builder => + (0 until numRows).foreach(_ => { + val x = rng.nextDouble() + val n = if ((x >= lowerBound) && (x < upperBound)) 1 else 0 + if (n > 0) { + builder.append(1.toByte) + numOutputRows += 1 + } else { + builder.append(0.toByte) + } + } + ) + builder.buildAndPutOnDevice() + } + + val colTypes = GpuColumnVector.extractTypes(batch) + withResource(filter) { filter => + withResource(GpuColumnVector.from(batch)) { tbl => + withResource(tbl.filter(filter)) { filteredData => + if (filteredData.getRowCount == 0) { + GpuColumnVector.emptyBatchFromTypes(colTypes) + } else { + GpuColumnVector.from(filteredData, colTypes) + } + } + } + } + } + } + ) + } + ,preservesPartitioning = true + ) + } + } +} + /** * Physical plan for range (generating a range of 64 bit numbers). */ diff --git a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala new file mode 100644 index 00000000000..6dbe24ee9da --- /dev/null +++ b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala @@ -0,0 +1,15 @@ +package org.apache.spark.sql.rapids + +import org.apache.spark.rdd.{PartitionwiseSampledRDD, RDD} +import org.apache.spark.sql.vectorized.ColumnarBatch +import org.apache.spark.util.Utils +import org.apache.spark.util.random.RandomSampler + +// PartitionwiseSampledRDD is private in [spark] package, so this is a forward to access it +class GpuPartitionwiseSampledRDD(prev: RDD[ColumnarBatch], + sampler: RandomSampler[ColumnarBatch, ColumnarBatch], + preservesPartitioning: Boolean, + @transient private val seed: Long = Utils.random.nextLong) + extends PartitionwiseSampledRDD[ColumnarBatch, ColumnarBatch](prev, sampler, + preservesPartitioning, seed) { +} diff --git a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala new file mode 100644 index 00000000000..b318dc08f6c --- /dev/null +++ b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala @@ -0,0 +1,105 @@ +package org.apache.spark.sql.rapids + +import ai.rapids.cudf.{DeviceMemoryBuffer, DType, GatherMap, HostMemoryBuffer, NvtxColor} +import com.nvidia.spark.rapids.{Arm, GpuColumnVector, GpuMetric, NvtxWithMetrics} +import org.apache.commons.math3.distribution.PoissonDistribution + +import org.apache.spark.sql.vectorized.ColumnarBatch +import org.apache.spark.util.random.PoissonSampler + +class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, + numOutputRows: GpuMetric, numOutputBatches: GpuMetric, opTime: GpuMetric) + extends PoissonSampler[ColumnarBatch](fraction, useGapSamplingIfPossible) with Arm { + + private val rng = new PoissonDistribution(if (fraction > 0.0) fraction else 1.0) + override def setSeed(seed: Long): Unit = { + rng.reseedRandomGenerator(seed) + } + + override def clone: PoissonSampler[ColumnarBatch] = + new GpuPoissonSampler(fraction, useGapSamplingIfPossible, + numOutputRows, numOutputBatches, opTime) + + override def sample(batchIterator: Iterator[ColumnarBatch]): Iterator[ColumnarBatch] = { + if (fraction <= 0.0) { + Iterator.empty + } else { + batchIterator.map { columnarBatch => + withResource(new NvtxWithMetrics("Sample Exec", NvtxColor.YELLOW, opTime)) { _ => + numOutputBatches += 1 + withResource(columnarBatch) { cb => + val rows = cb.numRows() + val intBytes = DType.INT32.getSizeInBytes() + + // 1. select rows, same with CPU version + withResource(generateHostBuffer(cb)) { hostBufferWithRowNum => + val hostBuffer = hostBufferWithRowNum.buffer + val selectedRows = hostBufferWithRowNum.rowNum + // 2. generate gather map and send to GPU to gather + withResource(DeviceMemoryBuffer.allocate(selectedRows * intBytes)) { deviceBuffer => + deviceBuffer.copyFromHostBuffer(0, hostBuffer, 0, selectedRows * intBytes) + withResource(new GatherMap(deviceBuffer).toColumnView(0, selectedRows)) { + gatherCv => + val colTypes = GpuColumnVector.extractTypes(cb) + withResource(GpuColumnVector.from(cb)) { table => + withResource(table.gather(gatherCv)) { gatheredTable => + GpuColumnVector.from(gatheredTable, colTypes) + } + } + } + } + } + } + } + } + } + } + + private case class HostBufferWithRowNum(buffer: HostMemoryBuffer, rowNum: Int) + extends AutoCloseable { + @throws[Exception] + def close(): Unit = { + buffer.close() + } + } + + private def generateHostBuffer(columnarBatch: ColumnarBatch): HostBufferWithRowNum = { + val rows = columnarBatch.numRows() + val intBytes = DType.INT32.getSizeInBytes() + val estimateBytes = (rows * intBytes * fraction).toLong + 128L + var buffer = HostMemoryBuffer.allocate(estimateBytes) + var selectedRows = 0 + for (row <- 0 until rows) { + val rowCount = rng.sample() + if (rowCount > 0) { + numOutputRows += rowCount + for (_ <- 0 until rowCount) { + // select row with rowCount times + buffer = safeSetInt(buffer, selectedRows * intBytes, row) + selectedRows += 1 + } + } + } + HostBufferWithRowNum(buffer, selectedRows) + } + + // set int, expand if necessary + private def safeSetInt(buffer: HostMemoryBuffer, offset: Int, value: Int): HostMemoryBuffer = { + val buf = ensureCapacity(buffer, offset) + buf.setInt(offset, value) + buf + } + + // expand if buffer is full + private def ensureCapacity(buffer: HostMemoryBuffer, offset: Int): HostMemoryBuffer = { + if (offset + DType.INT32.getSizeInBytes <= buffer.getLength) { + buffer + } else { + withResource(buffer) { buffer => + val newBuffer = HostMemoryBuffer.allocate(buffer.getLength * 2) + newBuffer.copyFromHostBuffer(0, buffer, 0, buffer.getLength) + newBuffer + } + } + } +} From 468b3013631cf9c24a727df25f10dc9ea94f5020 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Tue, 12 Oct 2021 09:24:22 +0800 Subject: [PATCH 2/9] optimize imports order Signed-off-by: Chong Gao --- .../spark/rapids/basicPhysicalOperators.scala | 14 ++++++++------ 1 file changed, 8 insertions(+), 6 deletions(-) diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 28d835f0e09..6732b200417 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -16,25 +16,27 @@ package com.nvidia.spark.rapids +import java.util.Random + +import scala.annotation.tailrec + import ai.rapids.cudf import ai.rapids.cudf._ import com.nvidia.spark.rapids.GpuMetric._ import com.nvidia.spark.rapids.RapidsPluginImplicits._ import com.nvidia.spark.rapids.shims.v2.{ShimSparkPlan, ShimUnaryExecNode} + +import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} import org.apache.spark.internal.Logging import org.apache.spark.rdd.RDD import org.apache.spark.sql.catalyst.InternalRow import org.apache.spark.sql.catalyst.expressions.{Ascending, Attribute, AttributeReference, Descending, Expression, NamedExpression, NullIntolerant, SortOrder} import org.apache.spark.sql.catalyst.plans.physical.{Partitioning, RangePartitioning, SinglePartition, UnknownPartitioning} import org.apache.spark.sql.execution.{LeafExecNode, ProjectExec, SampleExec, SparkPlan} -import org.apache.spark.sql.rapids.execution.TrampolineUtil import org.apache.spark.sql.rapids.{GpuPartitionwiseSampledRDD, GpuPoissonSampler, GpuPredicateHelper} +import org.apache.spark.sql.rapids.execution.TrampolineUtil import org.apache.spark.sql.types.{DataType, LongType} -import org.apache.spark.sql.vectorized.{ColumnVector, ColumnarBatch} -import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} - -import java.util.Random -import scala.annotation.tailrec +import org.apache.spark.sql.vectorized.{ColumnarBatch, ColumnVector} class GpuProjectExecMeta( proj: ProjectExec, From 7bee75a5b01e2d8976804e1f597890f27966325d Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Tue, 12 Oct 2021 12:04:44 +0800 Subject: [PATCH 3/9] refactor, add license info, test case update Signed-off-by: Chong Gao --- .../src/main/python/sample_test.py | 17 +++--- .../spark/rapids/basicPhysicalOperators.scala | 54 +++++++++---------- .../rapids/GpuPartitionwiseSampledRDD.scala | 15 ++++++ .../spark/sql/rapids/GpuPoissonSampler.scala | 26 ++++++--- 4 files changed, 70 insertions(+), 42 deletions(-) diff --git a/integration_tests/src/main/python/sample_test.py b/integration_tests/src/main/python/sample_test.py index c0e62c1aac6..d77ffaee77e 100644 --- a/integration_tests/src/main/python/sample_test.py +++ b/integration_tests/src/main/python/sample_test.py @@ -19,20 +19,21 @@ from pyspark.sql.types import * from marks import * -_table_gen = [ - ('a', StringGen()), - ('b', StringGen())] +all_gens = all_gen + [NullGen()] +all_nested_gens = array_gens_sample + struct_gens_sample + map_gens_sample +# all_gens += all_nested_gens @ignore_order -@pytest.mark.parametrize('data_gen', [_table_gen], ids=idfn) +@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) def test_sample(data_gen): assert_gpu_and_cpu_are_equal_collect( - lambda spark: gen_df(spark, data_gen, length=2048).sample(0.9, 1) + lambda spark: unary_op_df(spark, data_gen, length=2048).sample(fraction = 0.9, seed = 1) ) @ignore_order -@pytest.mark.parametrize('data_gen', [_table_gen], ids=idfn) -def test_sample_override(data_gen): +@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) +def test_sample_with_replacement(data_gen): assert_gpu_and_cpu_are_equal_collect( - lambda spark: gen_df(spark, data_gen).sample(True, 0.5, 1) + lambda spark: unary_op_df(spark, data_gen).sample( + withReplacement =True, fraction = 0.5, seed = 1) ) \ No newline at end of file diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 6732b200417..1dd1d3ceba5 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -416,41 +416,39 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement (index, iterator) => { val rng: Random = new XORShiftRandom rng.setSeed(seed + index) - iterator.map[ColumnarBatch]( - batch => { - withResource(batch) { batch => // will generate new columnar column, close this - val numRows = batch.numRows() - val filter = withResource(HostColumnVector.builder(DType.BOOL8, numRows)) { - builder => - (0 until numRows).foreach(_ => { - val x = rng.nextDouble() - val n = if ((x >= lowerBound) && (x < upperBound)) 1 else 0 - if (n > 0) { - builder.append(1.toByte) - numOutputRows += 1 - } else { - builder.append(0.toByte) - } + iterator.map[ColumnarBatch] { batch => + withResource(batch) { b => // will generate new columnar column, close this + val numRows = b.numRows() + val filter = withResource(HostColumnVector.builder(DType.BOOL8, numRows)) { + builder => + (0 until numRows).foreach { _ => + val x = rng.nextDouble() + val n = if ((x >= lowerBound) && (x < upperBound)) 1 else 0 + if (n > 0) { + builder.append(1.toByte) + numOutputRows += 1 + } else { + builder.append(0.toByte) } - ) - builder.buildAndPutOnDevice() - } + } + builder.buildAndPutOnDevice() + } - val colTypes = GpuColumnVector.extractTypes(batch) - withResource(filter) { filter => - withResource(GpuColumnVector.from(batch)) { tbl => - withResource(tbl.filter(filter)) { filteredData => - if (filteredData.getRowCount == 0) { - GpuColumnVector.emptyBatchFromTypes(colTypes) - } else { - GpuColumnVector.from(filteredData, colTypes) - } + val colTypes = GpuColumnVector.extractTypes(b) + withResource(filter) { filter => + withResource(GpuColumnVector.from(b)) { tbl => + withResource(tbl.filter(filter)) { filteredData => + if (filteredData.getRowCount == 0) { + logInfo("my-debug: empty batch !!!") + GpuColumnVector.emptyBatchFromTypes(colTypes) + } else { + GpuColumnVector.from(filteredData, colTypes) } } } } } - ) + } } ,preservesPartitioning = true ) diff --git a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala index 6dbe24ee9da..e74f1d47195 100644 --- a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala +++ b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPartitionwiseSampledRDD.scala @@ -1,3 +1,18 @@ +/* + * Copyright (c) 2021, NVIDIA CORPORATION. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ package org.apache.spark.sql.rapids import org.apache.spark.rdd.{PartitionwiseSampledRDD, RDD} diff --git a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala index b318dc08f6c..dff89987e10 100644 --- a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala +++ b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala @@ -1,3 +1,18 @@ +/* + * Copyright (c) 2021, NVIDIA CORPORATION. + * + * Licensed under the Apache License, Version 2.0 (the "License"); + * you may not use this file except in compliance with the License. + * You may obtain a copy of the License at + * + * http://www.apache.org/licenses/LICENSE-2.0 + * + * Unless required by applicable law or agreed to in writing, software + * distributed under the License is distributed on an "AS IS" BASIS, + * WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. + * See the License for the specific language governing permissions and + * limitations under the License. + */ package org.apache.spark.sql.rapids import ai.rapids.cudf.{DeviceMemoryBuffer, DType, GatherMap, HostMemoryBuffer, NvtxColor} @@ -32,7 +47,7 @@ class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, val intBytes = DType.INT32.getSizeInBytes() // 1. select rows, same with CPU version - withResource(generateHostBuffer(cb)) { hostBufferWithRowNum => + withResource(generateHostBuffer(cb.numRows())) { hostBufferWithRowNum => val hostBuffer = hostBufferWithRowNum.buffer val selectedRows = hostBufferWithRowNum.rowNum // 2. generate gather map and send to GPU to gather @@ -63,8 +78,7 @@ class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, } } - private def generateHostBuffer(columnarBatch: ColumnarBatch): HostBufferWithRowNum = { - val rows = columnarBatch.numRows() + private def generateHostBuffer(rows: Int): HostBufferWithRowNum = { val intBytes = DType.INT32.getSizeInBytes() val estimateBytes = (rows * intBytes * fraction).toLong + 128L var buffer = HostMemoryBuffer.allocate(estimateBytes) @@ -95,9 +109,9 @@ class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, if (offset + DType.INT32.getSizeInBytes <= buffer.getLength) { buffer } else { - withResource(buffer) { buffer => - val newBuffer = HostMemoryBuffer.allocate(buffer.getLength * 2) - newBuffer.copyFromHostBuffer(0, buffer, 0, buffer.getLength) + withResource(buffer) { buf => + val newBuffer = HostMemoryBuffer.allocate(buf.getLength * 2) + newBuffer.copyFromHostBuffer(0, buf, 0, buf.getLength) newBuffer } } From 2f01270d6dd94a1a76152e2f98cbd3b33c487d15 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Tue, 12 Oct 2021 13:13:04 +0800 Subject: [PATCH 4/9] add modified docs Signed-off-by: Chong Gao --- docs/configs.md | 7 +- docs/supported_ops.md | 2619 +++++++++++++---- .../main/resources/supportedDataSource.csv | 12 +- 3 files changed, 2116 insertions(+), 522 deletions(-) diff --git a/docs/configs.md b/docs/configs.md index 77395178ce8..297aa0d3ab6 100644 --- a/docs/configs.md +++ b/docs/configs.md @@ -188,7 +188,7 @@ Name | SQL Function(s) | Description | Default Value | Notes spark.rapids.sql.expression.DayOfYear|`dayofyear`|Returns the day of the year from a date or timestamp|true|None| spark.rapids.sql.expression.DenseRank|`dense_rank`|Window function that returns the dense rank value within the aggregation window|true|None| spark.rapids.sql.expression.Divide|`/`|Division|true|None| -spark.rapids.sql.expression.ElementAt|`element_at`|Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map|true|None| +spark.rapids.sql.expression.ElementAt|`element_at`|Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map.|true|None| spark.rapids.sql.expression.EndsWith| |Ends with|true|None| spark.rapids.sql.expression.EqualNullSafe|`<=>`|Check if the values are equal including nulls <=>|true|None| spark.rapids.sql.expression.EqualTo|`=`, `==`|Check if the values are equal|true|None| @@ -293,7 +293,6 @@ Name | SQL Function(s) | Description | Default Value | Notes spark.rapids.sql.expression.Tan|`tan`|Tangent|true|None| spark.rapids.sql.expression.Tanh|`tanh`|Hyperbolic tangent|true|None| spark.rapids.sql.expression.TimeAdd| |Adds interval to timestamp|true|None| -spark.rapids.sql.expression.TimeSub| |Subtracts interval from timestamp|true|None| spark.rapids.sql.expression.ToDegrees|`degrees`|Converts radians to degrees|true|None| spark.rapids.sql.expression.ToRadians|`radians`|Converts degrees to radians|true|None| spark.rapids.sql.expression.ToUnixTimestamp|`to_unix_timestamp`|Returns the UNIX timestamp of the given time|true|None| @@ -345,13 +344,15 @@ Name | Description | Default Value | Notes spark.rapids.sql.exec.LocalLimitExec|Per-partition limiting of results|true|None| spark.rapids.sql.exec.ProjectExec|The backend for most select, withColumn and dropColumn statements|true|None| spark.rapids.sql.exec.RangeExec|The backend for range operator|true|None| +spark.rapids.sql.exec.SampleExec|The backend for the sample operator|true|None| spark.rapids.sql.exec.SortExec|The backend for the sort operator|true|None| spark.rapids.sql.exec.TakeOrderedAndProjectExec|Take the first limit elements as defined by the sortOrder, and do projection if needed|true|None| spark.rapids.sql.exec.UnionExec|The backend for the union operator|true|None| -spark.rapids.sql.exec.CustomShuffleReaderExec|A wrapper of shuffle query stage|true|None| +spark.rapids.sql.exec.AQEShuffleReadExec|A wrapper of shuffle query stage|true|None| spark.rapids.sql.exec.HashAggregateExec|The backend for hash based aggregations|true|None| spark.rapids.sql.exec.ObjectHashAggregateExec|The backend for hash based aggregations supporting TypedImperativeAggregate functions|true|None| spark.rapids.sql.exec.SortAggregateExec|The backend for sort based aggregations|true|None| +spark.rapids.sql.exec.InMemoryTableScanExec|Implementation of InMemoryTableScanExec to use GPU accelerated Caching|true|None| spark.rapids.sql.exec.DataWritingCommandExec|Writing data|true|None| spark.rapids.sql.exec.BatchScanExec|The backend for most file input|true|None| spark.rapids.sql.exec.BroadcastExchangeExec|The backend for broadcast exchange of data|true|None| diff --git a/docs/supported_ops.md b/docs/supported_ops.md index e37d6ebe693..be5ad80f98d 100644 --- a/docs/supported_ops.md +++ b/docs/supported_ops.md @@ -9,7 +9,7 @@ support all data types. The RAPIDS Accelerator for Apache Spark has further restrictions on what types are supported for processing. This tries to document what operations are supported and what data types each operation supports. Because Apache Spark is under active development too and this document was generated -against version 3.0.1 of Spark. Most of this should still +against version 3.2.1-SNAPSHOT of Spark. Most of this should still apply to other versions of Spark, but there may be slight changes. # General limitations @@ -130,6 +130,8 @@ Accelerator supports are described below. MAP STRUCT UDT +DAYTIME +YEARMONTH CoalesceExec @@ -150,9 +152,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -176,7 +180,9 @@ Accelerator supports are described below. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -198,9 +204,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -222,9 +230,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -246,9 +256,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -270,9 +282,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -294,9 +308,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -318,9 +334,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -342,9 +360,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -370,10 +390,12 @@ Accelerator supports are described below. + + -SortExec -The backend for the sort operator +SampleExec +The backend for the sample operator None Input/Output S @@ -390,14 +412,16 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS -TakeOrderedAndProjectExec -Take the first limit elements as defined by the sortOrder, and do projection if needed +SortExec +The backend for the sort operator None Input/Output S @@ -414,14 +438,16 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS -UnionExec -The backend for the union operator +TakeOrderedAndProjectExec +Take the first limit elements as defined by the sortOrder, and do projection if needed None Input/Output S @@ -438,14 +464,16 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
unionByName will not optionally impute nulls for missing struct fields when the column is a struct and there are non-overlapping fields;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS -CustomShuffleReaderExec -A wrapper of shuffle query stage +UnionExec +The backend for the union operator None Input/Output S @@ -462,14 +490,16 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
unionByName will not optionally impute nulls for missing struct fields when the column is a struct and there are non-overlapping fields;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS -HashAggregateExec -The backend for hash based aggregations +AQEShuffleReadExec +A wrapper of shuffle query stage None Input/Output S @@ -486,9 +516,11 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -514,6 +546,34 @@ Accelerator supports are described below. MAP STRUCT UDT +DAYTIME +YEARMONTH + + +HashAggregateExec +The backend for hash based aggregations +None +Input/Output +S +S +S +S +S +S +S +S +PS
UTC is only supported TZ for TIMESTAMP
+S +PS
max DECIMAL precision of 18
+S +NS +NS +PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS +NS ObjectHashAggregateExec @@ -534,9 +594,11 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -558,9 +620,37 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS +NS + + +InMemoryTableScanExec +Implementation of InMemoryTableScanExec to use GPU accelerated Caching +None +Input/Output +S +S +S +S +S +S +S +S +PS
UTC is only supported TZ for TIMESTAMP
+S +PS
max DECIMAL precision of 18
+NS +NS +NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -582,9 +672,11 @@ Accelerator supports are described below. NS NS NS -PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
-PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
-PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -606,9 +698,11 @@ Accelerator supports are described below. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -630,9 +724,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -654,9 +750,11 @@ Accelerator supports are described below. S NS NS -PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
Round-robin partitioning is not supported for nested structs if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
Round-robin partitioning is not supported for nested structs if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -680,7 +778,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -701,7 +801,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -724,6 +826,8 @@ Accelerator supports are described below. + + Input/Output @@ -741,9 +845,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -769,6 +875,8 @@ Accelerator supports are described below. + + Input/Output @@ -786,9 +894,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -810,10 +920,38 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS NS +NS + + +Executor +Description +Notes +Param(s) +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT +DAYTIME +YEARMONTH ShuffledHashJoinExec @@ -836,7 +974,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -857,7 +997,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -880,6 +1022,8 @@ Accelerator supports are described below. + + Input/Output @@ -897,34 +1041,12 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS - - -Executor -Description -Notes -Param(s) -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT SortMergeJoinExec @@ -947,7 +1069,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -968,7 +1092,9 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -991,6 +1117,8 @@ Accelerator supports are described below. + + Input/Output @@ -1008,9 +1136,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -1036,6 +1166,8 @@ Accelerator supports are described below. NS NS NS +NS +NS ArrowEvalPythonExec @@ -1056,9 +1188,11 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -1084,6 +1218,8 @@ Accelerator supports are described below. NS NS NS +NS +NS MapInPandasExec @@ -1104,9 +1240,11 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -1128,7 +1266,9 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS NS NS @@ -1156,6 +1296,8 @@ Accelerator supports are described below. NS NS NS +NS +NS Input/Output @@ -1173,9 +1315,11 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -1240,6 +1384,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Abs @@ -1266,6 +1412,8 @@ are limited. + + result @@ -1287,6 +1435,8 @@ are limited. + + AST @@ -1309,6 +1459,8 @@ are limited. + + result @@ -1330,6 +1482,8 @@ are limited. + + Acos @@ -1356,6 +1510,8 @@ are limited. + + result @@ -1377,6 +1533,8 @@ are limited. + + AST @@ -1399,6 +1557,8 @@ are limited. + + result @@ -1420,6 +1580,8 @@ are limited. + + Acosh @@ -1446,6 +1608,8 @@ are limited. + + result @@ -1467,6 +1631,8 @@ are limited. + + AST @@ -1489,6 +1655,8 @@ are limited. + + result @@ -1510,6 +1678,8 @@ are limited. + + Add @@ -1536,6 +1706,8 @@ are limited. +NS +NS rhs @@ -1557,6 +1729,8 @@ are limited. +NS +NS result @@ -1578,6 +1752,8 @@ are limited. +NS +NS AST @@ -1600,6 +1776,8 @@ are limited. +NS +NS rhs @@ -1621,6 +1799,8 @@ are limited. +NS +NS result @@ -1642,6 +1822,8 @@ are limited. +NS +NS Expression @@ -1668,6 +1850,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Alias @@ -1690,9 +1874,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -1711,9 +1897,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -1737,6 +1925,8 @@ are limited. NS NS NS +NS +NS result @@ -1758,6 +1948,8 @@ are limited. NS NS NS +NS +NS And @@ -1784,6 +1976,8 @@ are limited. + + rhs @@ -1805,6 +1999,8 @@ are limited. + + result @@ -1826,6 +2022,8 @@ are limited. + + AST @@ -1848,6 +2046,8 @@ are limited. + + rhs @@ -1869,6 +2069,8 @@ are limited. + + result @@ -1890,7 +2092,9 @@ are limited. - + + + ArrayContains `array_contains` @@ -1912,7 +2116,9 @@ are limited. -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+ + @@ -1937,6 +2143,8 @@ are limited. NS NS NS +NS +NS result @@ -1958,6 +2166,8 @@ are limited. + + ArrayMax @@ -1984,6 +2194,8 @@ are limited. + + result @@ -2005,6 +2217,8 @@ are limited. NS NS + + Expression @@ -2031,6 +2245,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH ArrayMin @@ -2057,6 +2273,8 @@ are limited. + + result @@ -2078,6 +2296,8 @@ are limited. NS NS + + ArrayTransform @@ -2100,7 +2320,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -2121,9 +2343,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -2142,7 +2366,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -2172,6 +2398,8 @@ are limited. + + result @@ -2193,6 +2421,8 @@ are limited. + + AST @@ -2215,6 +2445,8 @@ are limited. + + result @@ -2236,6 +2468,8 @@ are limited. + + Asinh @@ -2262,6 +2496,8 @@ are limited. + + result @@ -2283,6 +2519,8 @@ are limited. + + AST @@ -2305,6 +2543,8 @@ are limited. + + result @@ -2326,6 +2566,8 @@ are limited. + + AtLeastNNonNulls @@ -2348,9 +2590,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -2373,6 +2617,8 @@ are limited. + + Expression @@ -2399,6 +2645,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Atan @@ -2425,6 +2673,8 @@ are limited. + + result @@ -2446,6 +2696,8 @@ are limited. + + AST @@ -2468,6 +2720,8 @@ are limited. + + result @@ -2489,6 +2743,8 @@ are limited. + + Atanh @@ -2515,6 +2771,8 @@ are limited. + + result @@ -2536,6 +2794,8 @@ are limited. + + AST @@ -2558,6 +2818,8 @@ are limited. + + result @@ -2579,6 +2841,8 @@ are limited. + + AttributeReference @@ -2601,9 +2865,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -2627,6 +2893,8 @@ are limited. NS NS NS +NS +NS BRound @@ -2653,6 +2921,8 @@ are limited. + + scale @@ -2674,6 +2944,8 @@ are limited. + + result @@ -2695,6 +2967,8 @@ are limited. + + BitwiseAnd @@ -2721,6 +2995,8 @@ are limited. + + rhs @@ -2742,6 +3018,8 @@ are limited. + + result @@ -2763,6 +3041,8 @@ are limited. + + AST @@ -2785,6 +3065,8 @@ are limited. + + rhs @@ -2806,6 +3088,8 @@ are limited. + + result @@ -2827,6 +3111,8 @@ are limited. + + Expression @@ -2853,6 +3139,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH BitwiseNot @@ -2879,6 +3167,8 @@ are limited. + + result @@ -2900,6 +3190,8 @@ are limited. + + AST @@ -2922,6 +3214,8 @@ are limited. + + result @@ -2943,6 +3237,8 @@ are limited. + + BitwiseOr @@ -2969,6 +3265,8 @@ are limited. + + rhs @@ -2990,6 +3288,8 @@ are limited. + + result @@ -3011,6 +3311,8 @@ are limited. + + AST @@ -3033,6 +3335,8 @@ are limited. + + rhs @@ -3054,6 +3358,8 @@ are limited. + + result @@ -3075,6 +3381,8 @@ are limited. + + BitwiseXor @@ -3101,6 +3409,8 @@ are limited. + + rhs @@ -3122,6 +3432,8 @@ are limited. + + result @@ -3143,6 +3455,8 @@ are limited. + + AST @@ -3165,6 +3479,8 @@ are limited. + + rhs @@ -3186,6 +3502,8 @@ are limited. + + result @@ -3207,6 +3525,8 @@ are limited. + + Expression @@ -3233,6 +3553,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH CaseWhen @@ -3259,6 +3581,8 @@ are limited. + + value @@ -3276,9 +3600,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -3297,9 +3623,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -3327,6 +3655,8 @@ are limited. + + result @@ -3348,6 +3678,8 @@ are limited. + + AST @@ -3370,6 +3702,8 @@ are limited. + + result @@ -3391,6 +3725,8 @@ are limited. + + Ceil @@ -3417,6 +3753,8 @@ are limited. + + result @@ -3438,6 +3776,8 @@ are limited. + + CheckOverflow @@ -3464,6 +3804,8 @@ are limited. + + result @@ -3485,6 +3827,8 @@ are limited. + + Coalesce @@ -3507,9 +3851,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -3528,9 +3874,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -3554,7 +3902,9 @@ are limited. NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+ + @@ -3575,7 +3925,9 @@ are limited. NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+ + @@ -3605,6 +3957,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH ConcatWs @@ -3631,6 +3985,8 @@ are limited. + + result @@ -3652,6 +4008,8 @@ are limited. + + Contains @@ -3678,6 +4036,8 @@ are limited. + + search @@ -3699,6 +4059,8 @@ are limited. + + result @@ -3720,6 +4082,8 @@ are limited. + + Cos @@ -3746,6 +4110,8 @@ are limited. + + result @@ -3767,6 +4133,8 @@ are limited. + + AST @@ -3789,6 +4157,8 @@ are limited. + + result @@ -3810,6 +4180,8 @@ are limited. + + Cosh @@ -3836,6 +4208,8 @@ are limited. + + result @@ -3857,6 +4231,8 @@ are limited. + + AST @@ -3879,6 +4255,8 @@ are limited. + + result @@ -3900,6 +4278,8 @@ are limited. + + Cot @@ -3926,6 +4306,8 @@ are limited. + + result @@ -3947,6 +4329,8 @@ are limited. + + AST @@ -3969,6 +4353,8 @@ are limited. + + result @@ -3990,6 +4376,8 @@ are limited. + + Expression @@ -4016,6 +4404,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH CreateArray @@ -4038,9 +4428,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -4059,7 +4451,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+ + @@ -4089,6 +4483,8 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
+ + value @@ -4110,6 +4506,8 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
+ + CreateNamedStruct @@ -4136,6 +4534,8 @@ are limited. + + value @@ -4153,9 +4553,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -4176,7 +4578,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -4204,6 +4608,8 @@ are limited. + + DateAdd @@ -4230,6 +4636,8 @@ are limited. + + days @@ -4251,6 +4659,8 @@ are limited. + + result @@ -4272,6 +4682,8 @@ are limited. + + DateAddInterval @@ -4298,6 +4710,8 @@ are limited. + + interval @@ -4319,6 +4733,8 @@ are limited. + + result @@ -4340,6 +4756,8 @@ are limited. + + DateDiff @@ -4366,6 +4784,8 @@ are limited. + + rhs @@ -4387,6 +4807,8 @@ are limited. + + result @@ -4408,6 +4830,8 @@ are limited. + + Expression @@ -4434,6 +4858,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH DateFormatClass @@ -4460,6 +4886,8 @@ are limited. + + strfmt @@ -4481,6 +4909,8 @@ are limited. + + result @@ -4502,6 +4932,8 @@ are limited. + + DateSub @@ -4528,6 +4960,8 @@ are limited. + + days @@ -4549,6 +4983,8 @@ are limited. + + result @@ -4570,6 +5006,8 @@ are limited. + + DayOfMonth @@ -4596,6 +5034,8 @@ are limited. + + result @@ -4617,6 +5057,8 @@ are limited. + + DayOfWeek @@ -4643,6 +5085,8 @@ are limited. + + result @@ -4664,6 +5108,8 @@ are limited. + + DayOfYear @@ -4690,6 +5136,8 @@ are limited. + + result @@ -4711,6 +5159,8 @@ are limited. + + DenseRank @@ -4737,6 +5187,8 @@ are limited. NS NS NS +NS +NS result @@ -4758,6 +5210,8 @@ are limited. + + Divide @@ -4784,6 +5238,8 @@ are limited. + + rhs @@ -4805,6 +5261,8 @@ are limited. + + result @@ -4826,6 +5284,8 @@ are limited. + + Expression @@ -4852,11 +5312,13 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH ElementAt `element_at` -Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map +Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map. None project array/map @@ -4874,8 +5336,10 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
If it's map, only string is supported.;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
If it's map, only string is supported.;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -4899,6 +5363,8 @@ are limited. NS NS NS +NS +NS result @@ -4916,9 +5382,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -4946,6 +5414,8 @@ are limited. + + search @@ -4967,6 +5437,8 @@ are limited. + + result @@ -4988,7 +5460,9 @@ are limited. - + + + EqualNullSafe `<=>` @@ -5014,6 +5488,8 @@ are limited. NS NS + + rhs @@ -5035,6 +5511,8 @@ are limited. NS NS + + result @@ -5056,6 +5534,8 @@ are limited. + + EqualTo @@ -5082,6 +5562,8 @@ are limited. NS NS + + rhs @@ -5103,6 +5585,8 @@ are limited. NS NS + + result @@ -5124,6 +5608,8 @@ are limited. + + AST @@ -5146,6 +5632,8 @@ are limited. NS NS + + rhs @@ -5167,6 +5655,8 @@ are limited. NS NS + + result @@ -5188,6 +5678,8 @@ are limited. + + Expression @@ -5214,6 +5706,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Exp @@ -5240,6 +5734,8 @@ are limited. + + result @@ -5261,6 +5757,8 @@ are limited. + + AST @@ -5283,6 +5781,8 @@ are limited. + + result @@ -5304,6 +5804,8 @@ are limited. + + Explode @@ -5326,8 +5828,10 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -5347,7 +5851,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -5377,6 +5883,8 @@ are limited. + + result @@ -5398,6 +5906,8 @@ are limited. + + AST @@ -5420,6 +5930,8 @@ are limited. + + result @@ -5441,6 +5953,8 @@ are limited. + + Floor @@ -5467,6 +5981,8 @@ are limited. + + result @@ -5488,6 +6004,8 @@ are limited. + + FromUnixTime @@ -5514,6 +6032,8 @@ are limited. + + format @@ -5535,6 +6055,8 @@ are limited. + + result @@ -5556,6 +6078,8 @@ are limited. + + Expression @@ -5582,6 +6106,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH GetArrayItem @@ -5604,7 +6130,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -5629,6 +6157,8 @@ are limited. + + result @@ -5646,9 +6176,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -5676,6 +6208,8 @@ are limited. + + path @@ -5697,6 +6231,8 @@ are limited. + + result @@ -5718,6 +6254,8 @@ are limited. + + GetMapValue @@ -5741,7 +6279,9 @@ are limited. -PS
unsupported child types BOOLEAN, BYTE, SHORT, INT, LONG, FLOAT, DOUBLE, DATE, TIMESTAMP, DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
unsupported child types BOOLEAN, BYTE, SHORT, INT, LONG, FLOAT, DOUBLE, DATE, TIMESTAMP, DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+ + @@ -5765,6 +6305,8 @@ are limited. NS NS NS +NS +NS result @@ -5786,6 +6328,8 @@ are limited. NS NS NS +NS +NS GetStructField @@ -5810,7 +6354,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -5829,9 +6375,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -5859,6 +6407,8 @@ are limited. + + format @@ -5880,6 +6430,8 @@ are limited. + + result @@ -5901,6 +6453,8 @@ are limited. + + GreaterThan @@ -5927,6 +6481,8 @@ are limited. NS NS + + rhs @@ -5948,6 +6504,8 @@ are limited. NS NS + + result @@ -5969,6 +6527,8 @@ are limited. + + AST @@ -5991,6 +6551,8 @@ are limited. NS NS + + rhs @@ -6012,6 +6574,8 @@ are limited. NS NS + + result @@ -6033,6 +6597,8 @@ are limited. + + Expression @@ -6059,6 +6625,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH GreaterThanOrEqual @@ -6085,6 +6653,8 @@ are limited. NS NS + + rhs @@ -6106,6 +6676,8 @@ are limited. NS NS + + result @@ -6127,6 +6699,8 @@ are limited. + + AST @@ -6149,6 +6723,8 @@ are limited. NS NS + + rhs @@ -6170,6 +6746,8 @@ are limited. NS NS + + result @@ -6191,6 +6769,8 @@ are limited. + + Greatest @@ -6217,6 +6797,8 @@ are limited. NS NS + + result @@ -6238,6 +6820,8 @@ are limited. NS NS + + Hour @@ -6264,6 +6848,8 @@ are limited. + + result @@ -6285,6 +6871,8 @@ are limited. + + If @@ -6311,6 +6899,8 @@ are limited. + + trueValue @@ -6328,9 +6918,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6349,9 +6941,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6370,9 +6964,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6400,6 +6996,8 @@ are limited. NS NS + + list @@ -6421,6 +7019,8 @@ are limited. NS NS + + result @@ -6442,6 +7042,8 @@ are limited. + + Expression @@ -6468,6 +7070,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH InSet @@ -6494,6 +7098,8 @@ are limited. NS NS + + result @@ -6515,6 +7121,8 @@ are limited. + + InitCap @@ -6541,6 +7149,8 @@ are limited. + + result @@ -6562,6 +7172,8 @@ are limited. + + InputFileBlockLength @@ -6588,6 +7200,8 @@ are limited. + + InputFileBlockStart @@ -6614,6 +7228,8 @@ are limited. + + InputFileName @@ -6640,6 +7256,8 @@ are limited. + + IntegralDivide @@ -6666,6 +7284,8 @@ are limited. + + rhs @@ -6687,6 +7307,8 @@ are limited. + + result @@ -6708,6 +7330,8 @@ are limited. + + IsNaN @@ -6734,6 +7358,8 @@ are limited. + + result @@ -6755,6 +7381,8 @@ are limited. + + IsNotNull @@ -6777,9 +7405,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6802,6 +7432,8 @@ are limited. + + IsNull @@ -6824,9 +7456,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6849,6 +7483,8 @@ are limited. + + Expression @@ -6875,6 +7511,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH KnownFloatingPointNormalized @@ -6901,6 +7539,8 @@ are limited. + + result @@ -6922,6 +7562,8 @@ are limited. + + KnownNotNull @@ -6944,9 +7586,11 @@ are limited. NS S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6965,9 +7609,11 @@ are limited. NS S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -6991,9 +7637,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7016,6 +7664,8 @@ are limited. + + default @@ -7033,9 +7683,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7054,9 +7706,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7080,9 +7734,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -7101,9 +7757,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -7122,9 +7780,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -7152,6 +7812,8 @@ are limited. + + result @@ -7173,6 +7835,8 @@ are limited. + + Lead @@ -7195,9 +7859,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7220,6 +7886,8 @@ are limited. + + default @@ -7237,9 +7905,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7258,9 +7928,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7288,6 +7960,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Least @@ -7314,6 +7988,8 @@ are limited. NS NS + + result @@ -7335,6 +8011,8 @@ are limited. NS NS + + Length @@ -7361,6 +8039,8 @@ are limited. + + result @@ -7382,6 +8062,8 @@ are limited. + + LessThan @@ -7408,6 +8090,8 @@ are limited. NS NS + + rhs @@ -7429,6 +8113,8 @@ are limited. NS NS + + result @@ -7450,6 +8136,8 @@ are limited. + + AST @@ -7472,6 +8160,8 @@ are limited. NS NS + + rhs @@ -7493,6 +8183,8 @@ are limited. NS NS + + result @@ -7514,6 +8206,8 @@ are limited. + + LessThanOrEqual @@ -7540,6 +8234,8 @@ are limited. NS NS + + rhs @@ -7561,6 +8257,8 @@ are limited. NS NS + + result @@ -7582,6 +8280,8 @@ are limited. + + AST @@ -7604,6 +8304,8 @@ are limited. NS NS + + rhs @@ -7625,6 +8327,8 @@ are limited. NS NS + + result @@ -7646,6 +8350,8 @@ are limited. + + Expression @@ -7672,6 +8378,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Like @@ -7698,6 +8406,8 @@ are limited. + + search @@ -7719,6 +8429,8 @@ are limited. + + result @@ -7740,6 +8452,8 @@ are limited. + + Literal @@ -7762,9 +8476,11 @@ are limited. S NS S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +S NS @@ -7788,6 +8504,8 @@ are limited. NS NS NS +NS +NS Log @@ -7814,6 +8532,8 @@ are limited. + + result @@ -7835,6 +8555,8 @@ are limited. + + Log10 @@ -7861,6 +8583,8 @@ are limited. + + result @@ -7882,6 +8606,8 @@ are limited. + + Log1p @@ -7908,6 +8634,8 @@ are limited. + + result @@ -7929,6 +8657,8 @@ are limited. + + Log2 @@ -7955,6 +8685,8 @@ are limited. + + result @@ -7976,6 +8708,8 @@ are limited. + + Logarithm @@ -8002,6 +8736,8 @@ are limited. + + base @@ -8023,6 +8759,8 @@ are limited. + + result @@ -8044,6 +8782,8 @@ are limited. + + Expression @@ -8070,6 +8810,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Lower @@ -8096,7 +8838,9 @@ are limited. - + + + result @@ -8117,6 +8861,8 @@ are limited. + + MakeDecimal @@ -8143,6 +8889,8 @@ are limited. + + result @@ -8164,6 +8912,8 @@ are limited. + + MapEntries @@ -8187,7 +8937,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8207,7 +8959,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8234,7 +8988,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8254,7 +9010,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8281,7 +9039,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8301,7 +9061,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -8331,6 +9093,8 @@ are limited. + + result @@ -8352,6 +9116,8 @@ are limited. + + Minute @@ -8378,6 +9144,8 @@ are limited. + + result @@ -8399,6 +9167,8 @@ are limited. + + MonotonicallyIncreasingID @@ -8425,6 +9195,8 @@ are limited. + + Expression @@ -8451,6 +9223,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Month @@ -8477,6 +9251,8 @@ are limited. + + result @@ -8498,6 +9274,8 @@ are limited. + + Multiply @@ -8524,6 +9302,8 @@ are limited. + + rhs @@ -8545,6 +9325,8 @@ are limited. + + result @@ -8566,6 +9348,8 @@ are limited. + + AST @@ -8588,6 +9372,8 @@ are limited. + + rhs @@ -8609,6 +9395,8 @@ are limited. + + result @@ -8630,6 +9418,8 @@ are limited. + + Murmur3Hash @@ -8654,7 +9444,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -8677,6 +9469,8 @@ are limited. + + NaNvl @@ -8703,6 +9497,8 @@ are limited. + + rhs @@ -8724,6 +9520,8 @@ are limited. + + result @@ -8745,6 +9543,8 @@ are limited. + + NamedLambdaVariable @@ -8767,9 +9567,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -8797,6 +9599,8 @@ are limited. + + result @@ -8818,6 +9622,8 @@ are limited. + + AST @@ -8840,6 +9646,8 @@ are limited. + + result @@ -8861,6 +9669,8 @@ are limited. + + Expression @@ -8887,6 +9697,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Or @@ -8913,6 +9725,8 @@ are limited. + + rhs @@ -8934,6 +9748,8 @@ are limited. + + result @@ -8955,6 +9771,8 @@ are limited. + + AST @@ -8977,6 +9795,8 @@ are limited. + + rhs @@ -8998,6 +9818,8 @@ are limited. + + result @@ -9019,6 +9841,8 @@ are limited. + + Pmod @@ -9045,6 +9869,8 @@ are limited. + + rhs @@ -9066,6 +9892,8 @@ are limited. + + result @@ -9087,6 +9915,8 @@ are limited. + + PosExplode @@ -9109,8 +9939,10 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -9130,7 +9962,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -9160,6 +9994,8 @@ are limited. + + rhs @@ -9181,6 +10017,8 @@ are limited. + + result @@ -9202,6 +10040,8 @@ are limited. + + AST @@ -9224,6 +10064,8 @@ are limited. + + rhs @@ -9245,6 +10087,8 @@ are limited. + + result @@ -9266,6 +10110,8 @@ are limited. + + Expression @@ -9292,6 +10138,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH PreciseTimestampConversion @@ -9318,6 +10166,8 @@ are limited. + + result @@ -9339,6 +10189,8 @@ are limited. + + PromotePrecision @@ -9365,6 +10217,8 @@ are limited. + + result @@ -9386,6 +10240,8 @@ are limited. + + PythonUDF @@ -9408,9 +10264,11 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -9433,6 +10291,8 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
+ + reduction @@ -9451,9 +10311,11 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -9476,6 +10338,8 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
+ + window @@ -9494,9 +10358,11 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -9519,6 +10385,8 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
+ + project @@ -9537,9 +10405,11 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
+PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
+NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -9562,6 +10432,8 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
+ + Quarter @@ -9588,6 +10460,8 @@ are limited. + + result @@ -9609,6 +10483,8 @@ are limited. + + Rand @@ -9635,6 +10511,8 @@ are limited. + + result @@ -9656,6 +10534,8 @@ are limited. + + Expression @@ -9682,6 +10562,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Rank @@ -9708,6 +10590,8 @@ are limited. NS NS NS +NS +NS result @@ -9729,14 +10613,16 @@ are limited. + + -RegExpReplace -`regexp_replace` -RegExpReplace support for string literal input patterns -None -project -str +RegExpReplace +`regexp_replace` +RegExpReplace support for string literal input patterns +None +project +regex @@ -9746,7 +10632,9 @@ are limited. -S +PS
very limited regex support;
Literal value only
+ + @@ -9757,7 +10645,7 @@ are limited. -regex +result @@ -9767,7 +10655,9 @@ are limited. -PS
very limited regex support;
Literal value only
+S + + @@ -9778,17 +10668,19 @@ are limited. -rep +pos +PS
only a value of 1 is supported
+ + -PS
Literal value only
@@ -9799,7 +10691,7 @@ are limited. -result +str @@ -9818,6 +10710,31 @@ are limited. + + + + +rep + + + + + + + + + +PS
Literal value only
+ + + + + + + + + + Remainder @@ -9844,6 +10761,8 @@ are limited. + + rhs @@ -9865,6 +10784,8 @@ are limited. + + result @@ -9886,6 +10807,8 @@ are limited. + + Rint @@ -9912,6 +10835,8 @@ are limited. + + result @@ -9933,6 +10858,8 @@ are limited. + + AST @@ -9955,6 +10882,8 @@ are limited. + + result @@ -9976,6 +10905,8 @@ are limited. + + Round @@ -10002,6 +10933,8 @@ are limited. + + scale @@ -10023,6 +10956,8 @@ are limited. + + result @@ -10044,6 +10979,8 @@ are limited. + + Expression @@ -10070,6 +11007,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH RowNumber @@ -10096,6 +11035,8 @@ are limited. + + ScalaUDF @@ -10118,9 +11059,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -10139,9 +11082,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -10169,6 +11114,8 @@ are limited. + + result @@ -10190,6 +11137,8 @@ are limited. + + ShiftLeft @@ -10216,6 +11165,8 @@ are limited. + + amount @@ -10237,6 +11188,8 @@ are limited. + + result @@ -10258,6 +11211,8 @@ are limited. + + ShiftRight @@ -10284,6 +11239,8 @@ are limited. + + amount @@ -10305,6 +11262,8 @@ are limited. + + result @@ -10326,6 +11285,8 @@ are limited. + + ShiftRightUnsigned @@ -10352,6 +11313,8 @@ are limited. + + amount @@ -10373,6 +11336,8 @@ are limited. + + result @@ -10394,6 +11359,8 @@ are limited. + + Signum @@ -10420,6 +11387,8 @@ are limited. + + result @@ -10441,6 +11410,8 @@ are limited. + + Expression @@ -10467,6 +11438,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Sin @@ -10493,6 +11466,8 @@ are limited. + + result @@ -10514,6 +11489,8 @@ are limited. + + AST @@ -10536,6 +11513,8 @@ are limited. + + result @@ -10557,6 +11536,8 @@ are limited. + + Sinh @@ -10583,6 +11564,8 @@ are limited. + + result @@ -10604,6 +11587,8 @@ are limited. + + AST @@ -10626,6 +11611,8 @@ are limited. + + result @@ -10647,6 +11634,8 @@ are limited. + + Size @@ -10669,8 +11658,10 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -10694,6 +11685,8 @@ are limited. + + SortArray @@ -10716,11 +11709,13 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- + + + ascendingOrder S @@ -10741,6 +11736,8 @@ are limited. + + result @@ -10758,7 +11755,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+ + @@ -10788,6 +11787,8 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS + + result @@ -10809,6 +11810,8 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS + + Expression @@ -10835,6 +11838,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH SparkPartitionID @@ -10861,6 +11866,8 @@ are limited. + + SpecifiedWindowFrame @@ -10887,6 +11894,8 @@ are limited. +S +NS upper @@ -10908,6 +11917,8 @@ are limited. +S +NS result @@ -10929,6 +11940,8 @@ are limited. +S +NS Sqrt @@ -10955,6 +11968,8 @@ are limited. + + result @@ -10976,6 +11991,8 @@ are limited. + + AST @@ -10998,6 +12015,8 @@ are limited. + + result @@ -11019,6 +12038,8 @@ are limited. + + StartsWith @@ -11045,6 +12066,8 @@ are limited. + + search @@ -11066,6 +12089,8 @@ are limited. + + result @@ -11087,6 +12112,8 @@ are limited. + + StringLPad @@ -11113,6 +12140,8 @@ are limited. + + len @@ -11134,6 +12163,8 @@ are limited. + + pad @@ -11155,6 +12186,8 @@ are limited. + + result @@ -11176,6 +12209,8 @@ are limited. + + Expression @@ -11202,6 +12237,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH StringLocate @@ -11228,6 +12265,8 @@ are limited. + + str @@ -11249,6 +12288,8 @@ are limited. + + start @@ -11270,6 +12311,8 @@ are limited. + + result @@ -11291,6 +12334,8 @@ are limited. + + StringRPad @@ -11317,6 +12362,8 @@ are limited. + + len @@ -11338,6 +12385,8 @@ are limited. + + pad @@ -11359,6 +12408,8 @@ are limited. + + result @@ -11380,6 +12431,8 @@ are limited. + + StringRepeat @@ -11406,6 +12459,8 @@ are limited. + + repeatTimes @@ -11427,6 +12482,8 @@ are limited. + + result @@ -11448,6 +12505,8 @@ are limited. + + StringReplace @@ -11474,6 +12533,8 @@ are limited. + + search @@ -11495,6 +12556,8 @@ are limited. + + replace @@ -11516,6 +12579,8 @@ are limited. + + result @@ -11537,6 +12602,8 @@ are limited. + + Expression @@ -11563,6 +12630,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH StringSplit @@ -11589,6 +12658,8 @@ are limited. + + regexp @@ -11610,6 +12681,8 @@ are limited. + + limit @@ -11631,6 +12704,8 @@ are limited. + + result @@ -11652,6 +12727,8 @@ are limited. + + StringTrim @@ -11678,6 +12755,8 @@ are limited. + + trimStr @@ -11699,6 +12778,8 @@ are limited. + + result @@ -11720,6 +12801,8 @@ are limited. + + StringTrimLeft @@ -11746,6 +12829,8 @@ are limited. + + trimStr @@ -11767,6 +12852,8 @@ are limited. + + result @@ -11788,6 +12875,8 @@ are limited. + + StringTrimRight @@ -11814,6 +12903,8 @@ are limited. + + trimStr @@ -11835,6 +12926,8 @@ are limited. + + result @@ -11856,6 +12949,8 @@ are limited. + + Substring @@ -11882,6 +12977,8 @@ are limited. + + pos @@ -11903,6 +13000,8 @@ are limited. + + len @@ -11924,6 +13023,8 @@ are limited. + + result @@ -11945,6 +13046,8 @@ are limited. + + Expression @@ -11971,6 +13074,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH SubstringIndex @@ -11997,6 +13102,8 @@ are limited. + + delim @@ -12018,6 +13125,8 @@ are limited. + + count @@ -12039,6 +13148,8 @@ are limited. + + result @@ -12060,6 +13171,8 @@ are limited. + + Subtract @@ -12086,6 +13199,8 @@ are limited. +NS +NS rhs @@ -12107,6 +13222,8 @@ are limited. +NS +NS result @@ -12128,6 +13245,8 @@ are limited. +NS +NS AST @@ -12150,6 +13269,8 @@ are limited. +NS +NS rhs @@ -12171,6 +13292,8 @@ are limited. +NS +NS result @@ -12192,6 +13315,8 @@ are limited. +NS +NS Tan @@ -12218,6 +13343,8 @@ are limited. + + result @@ -12239,6 +13366,8 @@ are limited. + + AST @@ -12261,6 +13390,8 @@ are limited. + + result @@ -12282,6 +13413,8 @@ are limited. + + Tanh @@ -12308,6 +13441,8 @@ are limited. + + result @@ -12329,6 +13464,8 @@ are limited. + + AST @@ -12351,6 +13488,8 @@ are limited. + + result @@ -12372,6 +13511,8 @@ are limited. + + Expression @@ -12398,6 +13539,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH TimeAdd @@ -12424,72 +13567,6 @@ are limited. - - -interval - - - - - - - - - - - - - -PS
month intervals are not supported;
Literal value only
- - - - - - -result - - - - - - - - -PS
UTC is only supported TZ for TIMESTAMP
- - - - - - - - - - - -TimeSub - -Subtracts interval from timestamp -None -project -start - - - - - - - - -PS
UTC is only supported TZ for TIMESTAMP
- - - - - - - @@ -12508,10 +13585,12 @@ are limited. -PS
months not supported;
Literal value only
+PS
Literal value only
+ +PS
Literal value only
@@ -12534,6 +13613,8 @@ are limited. + + ToDegrees @@ -12560,6 +13641,8 @@ are limited. + + result @@ -12581,6 +13664,8 @@ are limited. + + ToRadians @@ -12607,6 +13692,8 @@ are limited. + + result @@ -12628,6 +13715,8 @@ are limited. + + ToUnixTimestamp @@ -12654,6 +13743,8 @@ are limited. + + format @@ -12675,6 +13766,8 @@ are limited. + + result @@ -12696,6 +13789,8 @@ are limited. + + TransformKeys @@ -12719,7 +13814,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -12743,6 +13840,8 @@ are limited. NS NS +NS +NS result @@ -12761,35 +13860,11 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + - - -Expression -SQL Functions(s) -Description -Notes -Context -Param/Output -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT TransformValues @@ -12813,7 +13888,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -12833,9 +13910,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -12855,9 +13934,39 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + + + +Expression +SQL Functions(s) +Description +Notes +Context +Param/Output +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT +DAYTIME +YEARMONTH UnaryMinus @@ -12884,6 +13993,8 @@ are limited. +NS +NS result @@ -12905,6 +14016,8 @@ are limited. +NS +NS AST @@ -12927,6 +14040,8 @@ are limited. +NS +NS result @@ -12948,6 +14063,8 @@ are limited. +NS +NS UnaryPositive @@ -12974,6 +14091,8 @@ are limited. +NS +NS result @@ -12995,6 +14114,8 @@ are limited. +NS +NS AST @@ -13017,6 +14138,8 @@ are limited. +NS +NS result @@ -13038,6 +14161,8 @@ are limited. +NS +NS UnboundedFollowing$ @@ -13064,6 +14189,8 @@ are limited. + + UnboundedPreceding$ @@ -13090,6 +14217,8 @@ are limited. + + UnixTimestamp @@ -13116,6 +14245,8 @@ are limited. + + format @@ -13137,6 +14268,8 @@ are limited. + + result @@ -13158,32 +14291,8 @@ are limited. - - -Expression -SQL Functions(s) -Description -Notes -Context -Param/Output -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT + + UnscaledValue @@ -13210,6 +14319,8 @@ are limited. + + result @@ -13231,6 +14342,36 @@ are limited. + + + + +Expression +SQL Functions(s) +Description +Notes +Context +Param/Output +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT +DAYTIME +YEARMONTH Upper @@ -13257,6 +14398,8 @@ are limited. + + result @@ -13278,6 +14421,8 @@ are limited. + + WeekDay @@ -13304,6 +14449,8 @@ are limited. + + result @@ -13325,6 +14472,8 @@ are limited. + + WindowExpression @@ -13347,9 +14496,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13372,6 +14523,8 @@ are limited. +S +NS result @@ -13389,9 +14542,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13417,7 +14572,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13438,7 +14595,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13459,7 +14618,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13487,6 +14648,8 @@ are limited. + + result @@ -13508,6 +14671,8 @@ are limited. + + AggregateExpression @@ -13530,9 +14695,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13555,6 +14722,8 @@ are limited. + + result @@ -13572,9 +14741,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13594,9 +14765,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13619,6 +14792,8 @@ are limited. + + result @@ -13636,9 +14811,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13658,9 +14835,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13683,6 +14862,8 @@ are limited. + + result @@ -13700,9 +14881,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -13730,6 +14913,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH ApproximatePercentile @@ -13756,6 +14941,8 @@ are limited. + + percentage @@ -13777,6 +14964,8 @@ are limited. + + accuracy @@ -13798,6 +14987,8 @@ are limited. + + result @@ -13819,6 +15010,8 @@ are limited. + + aggregation @@ -13841,6 +15034,8 @@ are limited. + + percentage @@ -13862,6 +15057,8 @@ are limited. + + accuracy @@ -13883,6 +15080,8 @@ are limited. + + result @@ -13904,6 +15103,8 @@ are limited. + + window @@ -13926,6 +15127,8 @@ are limited. + + percentage @@ -13947,6 +15150,8 @@ are limited. + + accuracy @@ -13968,6 +15173,8 @@ are limited. + + result @@ -13989,6 +15196,8 @@ are limited. + + Average @@ -14008,13 +15217,15 @@ are limited. NS +S +NS - - +NS +NS result @@ -14036,6 +15247,8 @@ are limited. + + reduction @@ -14051,13 +15264,15 @@ are limited. NS +S +NS - - +NS +NS result @@ -14079,6 +15294,8 @@ are limited. + + window @@ -14094,13 +15311,15 @@ are limited. NS +S +NS - - +NS +NS result @@ -14122,6 +15341,8 @@ are limited. + + Expression @@ -14148,6 +15369,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH CollectList @@ -14174,6 +15397,8 @@ are limited. NS NS NS +NS +NS result @@ -14195,6 +15420,8 @@ are limited. + + aggregation @@ -14213,9 +15440,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14234,7 +15463,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -14256,9 +15487,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14277,7 +15510,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+ + @@ -14307,6 +15542,8 @@ are limited. NS NS NS +NS +NS result @@ -14328,6 +15565,8 @@ are limited. + + aggregation @@ -14348,7 +15587,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14367,7 +15608,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+ + @@ -14391,7 +15634,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14410,7 +15655,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+ + @@ -14438,7 +15685,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14461,6 +15710,8 @@ are limited. + + reduction @@ -14481,7 +15732,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14504,6 +15757,8 @@ are limited. + + window @@ -14524,7 +15779,9 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14547,6 +15804,8 @@ are limited. + + Expression @@ -14573,6 +15832,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH First @@ -14595,9 +15856,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14616,9 +15879,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14642,6 +15907,8 @@ are limited. NS NS NS +NS +NS result @@ -14663,6 +15930,8 @@ are limited. NS NS NS +NS +NS window @@ -14685,6 +15954,8 @@ are limited. NS NS NS +NS +NS result @@ -14706,6 +15977,8 @@ are limited. NS NS NS +NS +NS Last @@ -14728,9 +16001,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14749,9 +16024,11 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -14775,6 +16052,8 @@ are limited. NS NS NS +NS +NS result @@ -14796,6 +16075,8 @@ are limited. NS NS NS +NS +NS window @@ -14818,6 +16099,8 @@ are limited. NS NS NS +NS +NS result @@ -14839,6 +16122,8 @@ are limited. NS NS NS +NS +NS Max @@ -14865,6 +16150,8 @@ are limited. NS NS + + result @@ -14886,6 +16173,8 @@ are limited. NS NS + + reduction @@ -14908,6 +16197,8 @@ are limited. NS NS + + result @@ -14929,6 +16220,8 @@ are limited. NS NS + + window @@ -14951,6 +16244,8 @@ are limited. NS NS + + result @@ -14972,6 +16267,8 @@ are limited. NS NS + + Expression @@ -14998,6 +16295,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH Min @@ -15024,6 +16323,8 @@ are limited. NS NS + + result @@ -15045,6 +16346,8 @@ are limited. NS NS + + reduction @@ -15067,6 +16370,8 @@ are limited. NS NS + + result @@ -15088,6 +16393,8 @@ are limited. NS NS + + window @@ -15110,6 +16417,8 @@ are limited. NS NS + + result @@ -15131,6 +16440,8 @@ are limited. NS NS + + PivotFirst @@ -15157,6 +16468,8 @@ are limited. NS NS NS +NS +NS valueColumn @@ -15178,6 +16491,8 @@ are limited. NS NS NS +NS +NS result @@ -15195,7 +16510,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS NS NS @@ -15221,6 +16538,8 @@ are limited. NS NS NS +NS +NS valueColumn @@ -15242,6 +16561,8 @@ are limited. NS NS NS +NS +NS result @@ -15259,7 +16580,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
+NS +NS NS NS NS @@ -15289,6 +16612,8 @@ are limited. + + result @@ -15310,6 +16635,8 @@ are limited. + + aggregation @@ -15332,6 +16659,8 @@ are limited. + + result @@ -15353,6 +16682,8 @@ are limited. + + window @@ -15375,6 +16706,8 @@ are limited. + + result @@ -15396,6 +16729,8 @@ are limited. + + Expression @@ -15422,6 +16757,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH StddevSamp @@ -15448,6 +16785,8 @@ are limited. + + result @@ -15469,6 +16808,8 @@ are limited. + + aggregation @@ -15491,6 +16832,8 @@ are limited. + + result @@ -15512,6 +16855,8 @@ are limited. + + window @@ -15534,6 +16879,8 @@ are limited. + + result @@ -15555,6 +16902,8 @@ are limited. + + Sum @@ -15581,6 +16930,8 @@ are limited. + + result @@ -15602,6 +16953,8 @@ are limited. + + reduction @@ -15624,6 +16977,8 @@ are limited. + + result @@ -15645,6 +17000,8 @@ are limited. + + window @@ -15667,6 +17024,8 @@ are limited. + + result @@ -15688,6 +17047,8 @@ are limited. + + VariancePop @@ -15714,6 +17075,8 @@ are limited. + + result @@ -15735,6 +17098,8 @@ are limited. + + aggregation @@ -15757,6 +17122,8 @@ are limited. + + result @@ -15778,6 +17145,8 @@ are limited. + + window @@ -15800,6 +17169,8 @@ are limited. + + result @@ -15821,6 +17192,8 @@ are limited. + + Expression @@ -15847,6 +17220,8 @@ are limited. MAP STRUCT UDT +DAYTIME +YEARMONTH VarianceSamp @@ -15873,6 +17248,8 @@ are limited. + + result @@ -15894,6 +17271,8 @@ are limited. + + aggregation @@ -15916,6 +17295,8 @@ are limited. + + result @@ -15937,6 +17318,8 @@ are limited. + + window @@ -15959,6 +17342,8 @@ are limited. + + result @@ -15980,6 +17365,8 @@ are limited. + + NormalizeNaNAndZero @@ -16006,6 +17393,8 @@ are limited. + + result @@ -16027,6 +17416,8 @@ are limited. + + ScalarSubquery @@ -16053,6 +17444,8 @@ are limited. + + HiveGenericUDF @@ -16075,9 +17468,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -16096,9 +17491,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -16122,9 +17519,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -16143,9 +17542,11 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -16167,7 +17568,7 @@ and the accelerator produces the same result. ### `AnsiCast` - + @@ -16187,8 +17588,10 @@ and the accelerator produces the same result. + + - + @@ -16198,7 +17601,7 @@ and the accelerator produces the same result. - + @@ -16208,6 +17611,8 @@ and the accelerator produces the same result. + + @@ -16219,11 +17624,13 @@ and the accelerator produces the same result. - + - + + + @@ -16240,11 +17647,13 @@ and the accelerator produces the same result. - + - + + + @@ -16261,11 +17670,13 @@ and the accelerator produces the same result. - + - + + + @@ -16282,11 +17693,13 @@ and the accelerator produces the same result. - + - + + + @@ -16303,7 +17716,7 @@ and the accelerator produces the same result. - + @@ -16313,6 +17726,8 @@ and the accelerator produces the same result. + + @@ -16324,7 +17739,7 @@ and the accelerator produces the same result. - + @@ -16334,20 +17749,24 @@ and the accelerator produces the same result. + + - - - - - - - + + + + + + + - + + + @@ -16358,17 +17777,19 @@ and the accelerator produces the same result. - - - - - - - + + + + + + + - + + + @@ -16386,8 +17807,8 @@ and the accelerator produces the same result. - - + + @@ -16397,6 +17818,8 @@ and the accelerator produces the same result. + + @@ -16408,7 +17831,7 @@ and the accelerator produces the same result. - + @@ -16418,6 +17841,8 @@ and the accelerator produces the same result. + + @@ -16439,6 +17864,8 @@ and the accelerator produces the same result. + + @@ -16460,6 +17887,8 @@ and the accelerator produces the same result. + + @@ -16481,6 +17910,8 @@ and the accelerator produces the same result. + + @@ -16493,12 +17924,14 @@ and the accelerator produces the same result. - - + + + + @@ -16514,13 +17947,15 @@ and the accelerator produces the same result. - - + + + + @@ -16535,14 +17970,16 @@ and the accelerator produces the same result. - - + + + + @@ -16556,9 +17993,57 @@ and the accelerator produces the same result. + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + @@ -16571,7 +18056,7 @@ and the accelerator produces the same result. ### `Cast`
TO
TO
BOOLEAN BYTEMAP STRUCT UDTDAYTIMEYEARMONTH
FROM
FROM BOOLEAN S SS S PS
UTC is only supported TZ for TIMESTAMP
S NS
BYTES S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
PS
Conversion may produce different results and requires spark.rapids.sql.castFloatToString.enabled to be true.
PS
max DECIMAL precision of 18
DOUBLES S PS
UTC is only supported TZ for TIMESTAMP
PS
Conversion may produce different results and requires spark.rapids.sql.castFloatToString.enabled to be true.
PS
max DECIMAL precision of 18
DATESSSSSSS S PS
UTC is only supported TZ for TIMESTAMP
SNS
TIMESTAMPSSSSSSS S PS
UTC is only supported TZ for TIMESTAMP
SNS S S SSPS
UTC is only supported TZ for TIMESTAMP
PS
Only 4 digit year parsing is available. To enable parsing anyways set spark.rapids.sql.hasExtendedYearValues to false.
PS
Only 4 digit year parsing is available. To enable parsing anyways set spark.rapids.sql.hasExtendedYearValues to false.;
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
DECIMALS S NS S PS
max DECIMAL precision of 18
NULLNS NS NSNSNS
BINARY
CALENDAR
ARRAY NS PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
NS PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the struct's children must also support being cast to string
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
NS
DAYTIME NS NS
YEARMONTH NS
- + @@ -16591,8 +18076,10 @@ and the accelerator produces the same result. + + - + @@ -16612,6 +18099,8 @@ and the accelerator produces the same result. + + @@ -16633,6 +18122,8 @@ and the accelerator produces the same result. + + @@ -16654,6 +18145,8 @@ and the accelerator produces the same result. + + @@ -16675,6 +18168,8 @@ and the accelerator produces the same result. + + @@ -16696,6 +18191,8 @@ and the accelerator produces the same result. + + @@ -16717,6 +18214,8 @@ and the accelerator produces the same result. + + @@ -16738,6 +18237,8 @@ and the accelerator produces the same result. + + @@ -16759,6 +18260,8 @@ and the accelerator produces the same result. + + @@ -16780,6 +18283,8 @@ and the accelerator produces the same result. + + @@ -16801,6 +18306,8 @@ and the accelerator produces the same result. + + @@ -16822,6 +18329,8 @@ and the accelerator produces the same result. + + @@ -16843,6 +18352,8 @@ and the accelerator produces the same result. + + @@ -16864,6 +18375,8 @@ and the accelerator produces the same result. + + @@ -16885,6 +18398,8 @@ and the accelerator produces the same result. + + @@ -16902,7 +18417,9 @@ and the accelerator produces the same result. - + + + @@ -16924,7 +18441,9 @@ and the accelerator produces the same result. - + + + @@ -16946,7 +18465,9 @@ and the accelerator produces the same result. - + + + @@ -16969,6 +18490,54 @@ and the accelerator produces the same result. + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
TO
TO
BOOLEAN BYTEMAP STRUCT UDTDAYTIMEYEARMONTH
FROM
FROM BOOLEAN S S
BYTE
SHORT
INT
LONG
FLOAT
DOUBLE
DATE
TIMESTAMP
STRING
DECIMAL
NULLNS NS NSNSNS
BINARY
CALENDAR
ARRAY PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
NS
DAYTIME NS NS
YEARMONTH NS NS
@@ -17005,6 +18574,8 @@ as `a` don't show up in the table. They are controlled by the rules for MAP STRUCT UDT +DAYTIME +YEARMONTH HashPartitioning @@ -17027,7 +18598,9 @@ as `a` don't show up in the table. They are controlled by the rules for NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
+NS +NS NS @@ -17053,6 +18626,8 @@ as `a` don't show up in the table. They are controlled by the rules for PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS + + RoundRobinPartitioning @@ -17077,6 +18652,8 @@ as `a` don't show up in the table. They are controlled by the rules for + + SinglePartition$ @@ -17101,6 +18678,8 @@ as `a` don't show up in the table. They are controlled by the rules for + + @@ -17131,6 +18710,8 @@ dates or timestamps, or for a lack of type coercion support. MAP STRUCT UDT +DAYTIME +YEARMONTH CSV @@ -17153,6 +18734,8 @@ dates or timestamps, or for a lack of type coercion support. + + Write @@ -17174,6 +18757,8 @@ dates or timestamps, or for a lack of type coercion support. + + ORC @@ -17196,6 +18781,8 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS + + Write @@ -17217,6 +18804,8 @@ dates or timestamps, or for a lack of type coercion support. NS NS NS + + Parquet @@ -17239,6 +18828,8 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS + + Write @@ -17260,5 +18851,7 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS + + diff --git a/tools/src/main/resources/supportedDataSource.csv b/tools/src/main/resources/supportedDataSource.csv index 89016aa0e8d..ba04e67e658 100644 --- a/tools/src/main/resources/supportedDataSource.csv +++ b/tools/src/main/resources/supportedDataSource.csv @@ -1,6 +1,6 @@ -Format,Direction,BOOLEAN,BYTE,SHORT,INT,LONG,FLOAT,DOUBLE,DATE,TIMESTAMP,STRING,DECIMAL,NULL,BINARY,CALENDAR,ARRAY,MAP,STRUCT,UDT -CSV,read,CO,CO,CO,CO,CO,CO,CO,CO,CO,S,CO,NA,NS,NA,NA,NA,NA,NA -ORC,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS -ORC,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA -Parquet,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS -Parquet,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA +Format,Direction,BOOLEAN,BYTE,SHORT,INT,LONG,FLOAT,DOUBLE,DATE,TIMESTAMP,STRING,DECIMAL,NULL,BINARY,CALENDAR,ARRAY,MAP,STRUCT,UDT,DAYTIME,YEARMONTH +CSV,read,CO,CO,CO,CO,CO,CO,CO,CO,CO,S,CO,NA,NS,NA,NA,NA,NA,NA,NA,NA +ORC,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS,NA,NA +ORC,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA +Parquet,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS,NA,NA +Parquet,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA From 7630e77e003ca3a316007aba72635f7ec78f7518 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Tue, 12 Oct 2021 15:44:22 +0800 Subject: [PATCH 5/9] update docs Signed-off-by: Chong Gao --- docs/configs.md | 6 +- docs/supported_ops.md | 2575 ++++------------- .../main/resources/supportedDataSource.csv | 12 +- 3 files changed, 512 insertions(+), 2081 deletions(-) diff --git a/docs/configs.md b/docs/configs.md index 297aa0d3ab6..2340f211877 100644 --- a/docs/configs.md +++ b/docs/configs.md @@ -188,7 +188,7 @@ Name | SQL Function(s) | Description | Default Value | Notes spark.rapids.sql.expression.DayOfYear|`dayofyear`|Returns the day of the year from a date or timestamp|true|None| spark.rapids.sql.expression.DenseRank|`dense_rank`|Window function that returns the dense rank value within the aggregation window|true|None| spark.rapids.sql.expression.Divide|`/`|Division|true|None| -spark.rapids.sql.expression.ElementAt|`element_at`|Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map.|true|None| +spark.rapids.sql.expression.ElementAt|`element_at`|Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map|true|None| spark.rapids.sql.expression.EndsWith| |Ends with|true|None| spark.rapids.sql.expression.EqualNullSafe|`<=>`|Check if the values are equal including nulls <=>|true|None| spark.rapids.sql.expression.EqualTo|`=`, `==`|Check if the values are equal|true|None| @@ -293,6 +293,7 @@ Name | SQL Function(s) | Description | Default Value | Notes spark.rapids.sql.expression.Tan|`tan`|Tangent|true|None| spark.rapids.sql.expression.Tanh|`tanh`|Hyperbolic tangent|true|None| spark.rapids.sql.expression.TimeAdd| |Adds interval to timestamp|true|None| +spark.rapids.sql.expression.TimeSub| |Subtracts interval from timestamp|true|None| spark.rapids.sql.expression.ToDegrees|`degrees`|Converts radians to degrees|true|None| spark.rapids.sql.expression.ToRadians|`radians`|Converts degrees to radians|true|None| spark.rapids.sql.expression.ToUnixTimestamp|`to_unix_timestamp`|Returns the UNIX timestamp of the given time|true|None| @@ -348,11 +349,10 @@ Name | Description | Default Value | Notes spark.rapids.sql.exec.SortExec|The backend for the sort operator|true|None| spark.rapids.sql.exec.TakeOrderedAndProjectExec|Take the first limit elements as defined by the sortOrder, and do projection if needed|true|None| spark.rapids.sql.exec.UnionExec|The backend for the union operator|true|None| -spark.rapids.sql.exec.AQEShuffleReadExec|A wrapper of shuffle query stage|true|None| +spark.rapids.sql.exec.CustomShuffleReaderExec|A wrapper of shuffle query stage|true|None| spark.rapids.sql.exec.HashAggregateExec|The backend for hash based aggregations|true|None| spark.rapids.sql.exec.ObjectHashAggregateExec|The backend for hash based aggregations supporting TypedImperativeAggregate functions|true|None| spark.rapids.sql.exec.SortAggregateExec|The backend for sort based aggregations|true|None| -spark.rapids.sql.exec.InMemoryTableScanExec|Implementation of InMemoryTableScanExec to use GPU accelerated Caching|true|None| spark.rapids.sql.exec.DataWritingCommandExec|Writing data|true|None| spark.rapids.sql.exec.BatchScanExec|The backend for most file input|true|None| spark.rapids.sql.exec.BroadcastExchangeExec|The backend for broadcast exchange of data|true|None| diff --git a/docs/supported_ops.md b/docs/supported_ops.md index be5ad80f98d..0850fc18378 100644 --- a/docs/supported_ops.md +++ b/docs/supported_ops.md @@ -9,7 +9,7 @@ support all data types. The RAPIDS Accelerator for Apache Spark has further restrictions on what types are supported for processing. This tries to document what operations are supported and what data types each operation supports. Because Apache Spark is under active development too and this document was generated -against version 3.2.1-SNAPSHOT of Spark. Most of this should still +against version 3.0.1 of Spark. Most of this should still apply to other versions of Spark, but there may be slight changes. # General limitations @@ -130,8 +130,6 @@ Accelerator supports are described below. MAP STRUCT UDT -DAYTIME -YEARMONTH CoalesceExec @@ -152,11 +150,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -180,9 +176,7 @@ Accelerator supports are described below. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -204,11 +198,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -230,11 +222,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -256,11 +246,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -282,11 +270,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -308,11 +294,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -334,11 +318,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -360,11 +342,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -390,8 +370,6 @@ Accelerator supports are described below. - - SampleExec @@ -412,11 +390,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -438,11 +414,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -464,11 +438,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -490,15 +462,13 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
unionByName will not optionally impute nulls for missing struct fields when the column is a struct and there are non-overlapping fields;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
unionByName will not optionally impute nulls for missing struct fields when the column is a struct and there are non-overlapping fields;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS -AQEShuffleReadExec +CustomShuffleReaderExec A wrapper of shuffle query stage None Input/Output @@ -516,11 +486,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -546,8 +514,6 @@ Accelerator supports are described below. MAP STRUCT UDT -DAYTIME -YEARMONTH HashAggregateExec @@ -568,11 +534,9 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -594,11 +558,9 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -620,37 +582,9 @@ Accelerator supports are described below. S NS NS -PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS -NS - - -InMemoryTableScanExec -Implementation of InMemoryTableScanExec to use GPU accelerated Caching -None -Input/Output -S -S -S -S -S -S -S -S -PS
UTC is only supported TZ for TIMESTAMP
-S -PS
max DECIMAL precision of 18
-NS -NS -NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
not allowed for grouping expressions if containing Array or Map as child;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -672,11 +606,9 @@ Accelerator supports are described below. NS NS NS -PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
Only supported for Parquet;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
NS @@ -698,11 +630,9 @@ Accelerator supports are described below. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, UDT
NS @@ -724,11 +654,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
NS @@ -750,11 +678,9 @@ Accelerator supports are described below. S NS NS -PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
Round-robin partitioning is not supported for nested structs if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
Round-robin partitioning is not supported if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
Round-robin partitioning is not supported for nested structs if spark.sql.execution.sortBeforeRepartition is true;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -778,9 +704,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -801,9 +725,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -826,8 +748,6 @@ Accelerator supports are described below. - - Input/Output @@ -845,11 +765,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -875,8 +793,6 @@ Accelerator supports are described below. - - Input/Output @@ -894,11 +810,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -920,38 +834,10 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS -NS -NS - - -Executor -Description -Notes -Param(s) -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT -DAYTIME -YEARMONTH ShuffledHashJoinExec @@ -974,9 +860,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -997,9 +881,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -1022,8 +904,6 @@ Accelerator supports are described below. - - Input/Output @@ -1041,14 +921,36 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS +Executor +Description +Notes +Param(s) +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT + + SortMergeJoinExec Sort merge join, replacing with shuffled hash join None @@ -1069,9 +971,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -1092,9 +992,7 @@ Accelerator supports are described below. NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS @@ -1117,8 +1015,6 @@ Accelerator supports are described below. - - Input/Output @@ -1136,11 +1032,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -1166,8 +1060,6 @@ Accelerator supports are described below. NS NS NS -NS -NS ArrowEvalPythonExec @@ -1188,11 +1080,9 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -1218,8 +1108,6 @@ Accelerator supports are described below. NS NS NS -NS -NS MapInPandasExec @@ -1240,11 +1128,9 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -1266,9 +1152,7 @@ Accelerator supports are described below. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS NS NS @@ -1296,8 +1180,6 @@ Accelerator supports are described below. NS NS NS -NS -NS Input/Output @@ -1315,11 +1197,9 @@ Accelerator supports are described below. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -1384,8 +1264,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Abs @@ -1412,8 +1290,6 @@ are limited. - - result @@ -1435,8 +1311,6 @@ are limited. - - AST @@ -1459,8 +1333,6 @@ are limited. - - result @@ -1482,8 +1354,6 @@ are limited. - - Acos @@ -1510,8 +1380,6 @@ are limited. - - result @@ -1533,8 +1401,6 @@ are limited. - - AST @@ -1557,8 +1423,6 @@ are limited. - - result @@ -1580,8 +1444,6 @@ are limited. - - Acosh @@ -1608,8 +1470,6 @@ are limited. - - result @@ -1631,8 +1491,6 @@ are limited. - - AST @@ -1655,8 +1513,6 @@ are limited. - - result @@ -1678,8 +1534,6 @@ are limited. - - Add @@ -1706,8 +1560,6 @@ are limited. -NS -NS rhs @@ -1729,8 +1581,6 @@ are limited. -NS -NS result @@ -1752,8 +1602,6 @@ are limited. -NS -NS AST @@ -1776,8 +1624,6 @@ are limited. -NS -NS rhs @@ -1799,8 +1645,6 @@ are limited. -NS -NS result @@ -1822,8 +1666,6 @@ are limited. -NS -NS Expression @@ -1850,8 +1692,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Alias @@ -1874,11 +1714,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -1897,11 +1735,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -1925,8 +1761,6 @@ are limited. NS NS NS -NS -NS result @@ -1948,8 +1782,6 @@ are limited. NS NS NS -NS -NS And @@ -1976,8 +1808,6 @@ are limited. - - rhs @@ -1999,8 +1829,6 @@ are limited. - - result @@ -2022,8 +1850,6 @@ are limited. - - AST @@ -2046,8 +1872,6 @@ are limited. - - rhs @@ -2069,8 +1893,6 @@ are limited. - - result @@ -2092,8 +1914,6 @@ are limited. - - ArrayContains @@ -2116,9 +1936,7 @@ are limited. -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -2143,8 +1961,6 @@ are limited. NS NS NS -NS -NS result @@ -2166,8 +1982,6 @@ are limited. - - ArrayMax @@ -2194,8 +2008,6 @@ are limited. - - result @@ -2217,8 +2029,6 @@ are limited. NS NS - - Expression @@ -2245,8 +2055,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH ArrayMin @@ -2273,8 +2081,6 @@ are limited. - - result @@ -2296,8 +2102,6 @@ are limited. NS NS - - ArrayTransform @@ -2320,9 +2124,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -2343,11 +2145,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -2366,9 +2166,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -2398,8 +2196,6 @@ are limited. - - result @@ -2421,8 +2217,6 @@ are limited. - - AST @@ -2445,8 +2239,6 @@ are limited. - - result @@ -2468,8 +2260,6 @@ are limited. - - Asinh @@ -2496,8 +2286,6 @@ are limited. - - result @@ -2519,8 +2307,6 @@ are limited. - - AST @@ -2543,8 +2329,6 @@ are limited. - - result @@ -2566,8 +2350,6 @@ are limited. - - AtLeastNNonNulls @@ -2590,11 +2372,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -2617,8 +2397,6 @@ are limited. - - Expression @@ -2645,8 +2423,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Atan @@ -2673,8 +2449,6 @@ are limited. - - result @@ -2696,8 +2470,6 @@ are limited. - - AST @@ -2720,8 +2492,6 @@ are limited. - - result @@ -2743,8 +2513,6 @@ are limited. - - Atanh @@ -2771,8 +2539,6 @@ are limited. - - result @@ -2794,8 +2560,6 @@ are limited. - - AST @@ -2818,8 +2582,6 @@ are limited. - - result @@ -2841,8 +2603,6 @@ are limited. - - AttributeReference @@ -2865,11 +2625,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -2893,8 +2651,6 @@ are limited. NS NS NS -NS -NS BRound @@ -2921,8 +2677,6 @@ are limited. - - scale @@ -2944,8 +2698,6 @@ are limited. - - result @@ -2967,8 +2719,6 @@ are limited. - - BitwiseAnd @@ -2995,8 +2745,6 @@ are limited. - - rhs @@ -3018,8 +2766,6 @@ are limited. - - result @@ -3041,8 +2787,6 @@ are limited. - - AST @@ -3065,8 +2809,6 @@ are limited. - - rhs @@ -3088,8 +2830,6 @@ are limited. - - result @@ -3111,8 +2851,6 @@ are limited. - - Expression @@ -3139,8 +2877,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH BitwiseNot @@ -3167,8 +2903,6 @@ are limited. - - result @@ -3190,8 +2924,6 @@ are limited. - - AST @@ -3214,8 +2946,6 @@ are limited. - - result @@ -3237,8 +2967,6 @@ are limited. - - BitwiseOr @@ -3265,8 +2993,6 @@ are limited. - - rhs @@ -3288,8 +3014,6 @@ are limited. - - result @@ -3311,8 +3035,6 @@ are limited. - - AST @@ -3335,8 +3057,6 @@ are limited. - - rhs @@ -3358,8 +3078,6 @@ are limited. - - result @@ -3381,8 +3099,6 @@ are limited. - - BitwiseXor @@ -3409,8 +3125,6 @@ are limited. - - rhs @@ -3432,8 +3146,6 @@ are limited. - - result @@ -3455,8 +3167,6 @@ are limited. - - AST @@ -3479,8 +3189,6 @@ are limited. - - rhs @@ -3502,8 +3210,6 @@ are limited. - - result @@ -3525,8 +3231,6 @@ are limited. - - Expression @@ -3553,8 +3257,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH CaseWhen @@ -3581,8 +3283,6 @@ are limited. - - value @@ -3600,11 +3300,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -3623,11 +3321,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -3655,8 +3351,6 @@ are limited. - - result @@ -3678,8 +3372,6 @@ are limited. - - AST @@ -3702,8 +3394,6 @@ are limited. - - result @@ -3725,8 +3415,6 @@ are limited. - - Ceil @@ -3753,8 +3441,6 @@ are limited. - - result @@ -3776,8 +3462,6 @@ are limited. - - CheckOverflow @@ -3804,8 +3488,6 @@ are limited. - - result @@ -3827,8 +3509,6 @@ are limited. - - Coalesce @@ -3851,11 +3531,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -3874,11 +3552,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -3902,9 +3578,7 @@ are limited. NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -3925,9 +3599,7 @@ are limited. NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -3957,8 +3629,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH ConcatWs @@ -3985,8 +3655,6 @@ are limited. - - result @@ -4008,8 +3676,6 @@ are limited. - - Contains @@ -4036,8 +3702,6 @@ are limited. - - search @@ -4059,8 +3723,6 @@ are limited. - - result @@ -4082,8 +3744,6 @@ are limited. - - Cos @@ -4110,8 +3770,6 @@ are limited. - - result @@ -4133,8 +3791,6 @@ are limited. - - AST @@ -4157,8 +3813,6 @@ are limited. - - result @@ -4180,8 +3834,6 @@ are limited. - - Cosh @@ -4208,8 +3860,6 @@ are limited. - - result @@ -4231,8 +3881,6 @@ are limited. - - AST @@ -4255,8 +3903,6 @@ are limited. - - result @@ -4278,8 +3924,6 @@ are limited. - - Cot @@ -4306,8 +3950,6 @@ are limited. - - result @@ -4329,8 +3971,6 @@ are limited. - - AST @@ -4353,8 +3993,6 @@ are limited. - - result @@ -4376,8 +4014,6 @@ are limited. - - Expression @@ -4404,8 +4040,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH CreateArray @@ -4428,11 +4062,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -4451,9 +4083,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
@@ -4483,8 +4113,6 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
- - value @@ -4506,8 +4134,6 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP
- - CreateNamedStruct @@ -4534,8 +4160,6 @@ are limited. - - value @@ -4553,11 +4177,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -4578,9 +4200,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -4608,8 +4228,6 @@ are limited. - - DateAdd @@ -4636,8 +4254,6 @@ are limited. - - days @@ -4659,8 +4275,6 @@ are limited. - - result @@ -4682,8 +4296,6 @@ are limited. - - DateAddInterval @@ -4710,8 +4322,6 @@ are limited. - - interval @@ -4733,8 +4343,6 @@ are limited. - - result @@ -4756,8 +4364,6 @@ are limited. - - DateDiff @@ -4784,8 +4390,6 @@ are limited. - - rhs @@ -4807,8 +4411,6 @@ are limited. - - result @@ -4830,8 +4432,6 @@ are limited. - - Expression @@ -4858,8 +4458,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH DateFormatClass @@ -4886,8 +4484,6 @@ are limited. - - strfmt @@ -4909,8 +4505,6 @@ are limited. - - result @@ -4932,8 +4526,6 @@ are limited. - - DateSub @@ -4960,8 +4552,6 @@ are limited. - - days @@ -4983,8 +4573,6 @@ are limited. - - result @@ -5006,8 +4594,6 @@ are limited. - - DayOfMonth @@ -5034,8 +4620,6 @@ are limited. - - result @@ -5057,8 +4641,6 @@ are limited. - - DayOfWeek @@ -5085,8 +4667,6 @@ are limited. - - result @@ -5108,8 +4688,6 @@ are limited. - - DayOfYear @@ -5136,8 +4714,6 @@ are limited. - - result @@ -5159,8 +4735,6 @@ are limited. - - DenseRank @@ -5187,8 +4761,6 @@ are limited. NS NS NS -NS -NS result @@ -5210,8 +4782,6 @@ are limited. - - Divide @@ -5238,8 +4808,6 @@ are limited. - - rhs @@ -5261,8 +4829,6 @@ are limited. - - result @@ -5284,8 +4850,6 @@ are limited. - - Expression @@ -5312,13 +4876,11 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH ElementAt `element_at` -Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map. +Returns element of array at given(1-based) index in value if column is array. Returns value for the given key in value if column is map None project array/map @@ -5336,10 +4898,8 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
If it's map, only string is supported.;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
If it's map, only string is supported.;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -5363,8 +4923,6 @@ are limited. NS NS NS -NS -NS result @@ -5382,11 +4940,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -5414,8 +4970,6 @@ are limited. - - search @@ -5437,8 +4991,6 @@ are limited. - - result @@ -5460,8 +5012,6 @@ are limited. - - EqualNullSafe @@ -5488,8 +5038,6 @@ are limited. NS NS - - rhs @@ -5511,8 +5059,6 @@ are limited. NS NS - - result @@ -5534,8 +5080,6 @@ are limited. - - EqualTo @@ -5562,8 +5106,6 @@ are limited. NS NS - - rhs @@ -5585,8 +5127,6 @@ are limited. NS NS - - result @@ -5608,8 +5148,6 @@ are limited. - - AST @@ -5632,8 +5170,6 @@ are limited. NS NS - - rhs @@ -5655,8 +5191,6 @@ are limited. NS NS - - result @@ -5678,8 +5212,6 @@ are limited. - - Expression @@ -5706,8 +5238,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Exp @@ -5734,8 +5264,6 @@ are limited. - - result @@ -5757,8 +5285,6 @@ are limited. - - AST @@ -5781,8 +5307,6 @@ are limited. - - result @@ -5804,8 +5328,6 @@ are limited. - - Explode @@ -5828,10 +5350,8 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -5851,9 +5371,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -5883,8 +5401,6 @@ are limited. - - result @@ -5906,8 +5422,6 @@ are limited. - - AST @@ -5930,8 +5444,6 @@ are limited. - - result @@ -5953,8 +5465,6 @@ are limited. - - Floor @@ -5981,8 +5491,6 @@ are limited. - - result @@ -6004,8 +5512,6 @@ are limited. - - FromUnixTime @@ -6032,8 +5538,6 @@ are limited. - - format @@ -6055,8 +5559,6 @@ are limited. - - result @@ -6078,8 +5580,6 @@ are limited. - - Expression @@ -6106,8 +5606,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH GetArrayItem @@ -6130,9 +5628,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -6157,8 +5653,6 @@ are limited. - - result @@ -6176,11 +5670,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -6208,8 +5700,6 @@ are limited. - - path @@ -6231,8 +5721,6 @@ are limited. - - result @@ -6254,8 +5742,6 @@ are limited. - - GetMapValue @@ -6279,9 +5765,7 @@ are limited. -PS
unsupported child types BOOLEAN, BYTE, SHORT, INT, LONG, FLOAT, DOUBLE, DATE, TIMESTAMP, DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
unsupported child types BOOLEAN, BYTE, SHORT, INT, LONG, FLOAT, DOUBLE, DATE, TIMESTAMP, DECIMAL, NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -6305,8 +5789,6 @@ are limited. NS NS NS -NS -NS result @@ -6328,8 +5810,6 @@ are limited. NS NS NS -NS -NS GetStructField @@ -6354,9 +5834,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -6375,11 +5853,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -6407,8 +5883,6 @@ are limited. - - format @@ -6430,8 +5904,6 @@ are limited. - - result @@ -6453,8 +5925,6 @@ are limited. - - GreaterThan @@ -6481,8 +5951,6 @@ are limited. NS NS - - rhs @@ -6504,8 +5972,6 @@ are limited. NS NS - - result @@ -6527,8 +5993,6 @@ are limited. - - AST @@ -6551,8 +6015,6 @@ are limited. NS NS - - rhs @@ -6574,8 +6036,6 @@ are limited. NS NS - - result @@ -6597,8 +6057,6 @@ are limited. - - Expression @@ -6625,8 +6083,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH GreaterThanOrEqual @@ -6653,8 +6109,6 @@ are limited. NS NS - - rhs @@ -6676,8 +6130,6 @@ are limited. NS NS - - result @@ -6699,8 +6151,6 @@ are limited. - - AST @@ -6723,8 +6173,6 @@ are limited. NS NS - - rhs @@ -6746,8 +6194,6 @@ are limited. NS NS - - result @@ -6769,8 +6215,6 @@ are limited. - - Greatest @@ -6797,8 +6241,6 @@ are limited. NS NS - - result @@ -6820,8 +6262,6 @@ are limited. NS NS - - Hour @@ -6848,8 +6288,6 @@ are limited. - - result @@ -6871,8 +6309,6 @@ are limited. - - If @@ -6899,8 +6335,6 @@ are limited. - - trueValue @@ -6918,11 +6352,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -6941,11 +6373,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -6964,11 +6394,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -6996,8 +6424,6 @@ are limited. NS NS - - list @@ -7019,8 +6445,6 @@ are limited. NS NS - - result @@ -7042,8 +6466,6 @@ are limited. - - Expression @@ -7070,8 +6492,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH InSet @@ -7098,8 +6518,6 @@ are limited. NS NS - - result @@ -7121,8 +6539,6 @@ are limited. - - InitCap @@ -7149,8 +6565,6 @@ are limited. - - result @@ -7172,8 +6586,6 @@ are limited. - - InputFileBlockLength @@ -7200,8 +6612,6 @@ are limited. - - InputFileBlockStart @@ -7228,8 +6638,6 @@ are limited. - - InputFileName @@ -7256,8 +6664,6 @@ are limited. - - IntegralDivide @@ -7284,8 +6690,6 @@ are limited. - - rhs @@ -7307,8 +6711,6 @@ are limited. - - result @@ -7330,8 +6732,6 @@ are limited. - - IsNaN @@ -7358,8 +6758,6 @@ are limited. - - result @@ -7381,8 +6779,6 @@ are limited. - - IsNotNull @@ -7405,11 +6801,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -7432,8 +6826,6 @@ are limited. - - IsNull @@ -7456,11 +6848,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -7483,8 +6873,6 @@ are limited. - - Expression @@ -7511,8 +6899,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH KnownFloatingPointNormalized @@ -7539,8 +6925,6 @@ are limited. - - result @@ -7562,8 +6946,6 @@ are limited. - - KnownNotNull @@ -7586,11 +6968,9 @@ are limited. NS S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
NS @@ -7609,11 +6989,9 @@ are limited. NS S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, UDT
NS @@ -7637,11 +7015,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7664,8 +7040,6 @@ are limited. - - default @@ -7683,11 +7057,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7706,11 +7078,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7734,11 +7104,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -7757,11 +7125,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -7780,11 +7146,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -7812,8 +7176,6 @@ are limited. - - result @@ -7835,8 +7197,6 @@ are limited. - - Lead @@ -7859,11 +7219,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7886,8 +7244,6 @@ are limited. - - default @@ -7905,11 +7261,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7928,11 +7282,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, MAP, UDT
NS @@ -7960,8 +7312,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Least @@ -7988,8 +7338,6 @@ are limited. NS NS - - result @@ -8011,8 +7359,6 @@ are limited. NS NS - - Length @@ -8039,8 +7385,6 @@ are limited. - - result @@ -8062,8 +7406,6 @@ are limited. - - LessThan @@ -8090,8 +7432,6 @@ are limited. NS NS - - rhs @@ -8113,8 +7453,6 @@ are limited. NS NS - - result @@ -8136,8 +7474,6 @@ are limited. - - AST @@ -8160,8 +7496,6 @@ are limited. NS NS - - rhs @@ -8183,8 +7517,6 @@ are limited. NS NS - - result @@ -8206,8 +7538,6 @@ are limited. - - LessThanOrEqual @@ -8234,8 +7564,6 @@ are limited. NS NS - - rhs @@ -8257,8 +7585,6 @@ are limited. NS NS - - result @@ -8280,8 +7606,6 @@ are limited. - - AST @@ -8304,8 +7628,6 @@ are limited. NS NS - - rhs @@ -8327,8 +7649,6 @@ are limited. NS NS - - result @@ -8350,8 +7670,6 @@ are limited. - - Expression @@ -8378,8 +7696,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Like @@ -8406,8 +7722,6 @@ are limited. - - search @@ -8429,8 +7743,6 @@ are limited. - - result @@ -8452,8 +7764,6 @@ are limited. - - Literal @@ -8476,11 +7786,9 @@ are limited. S NS S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -S +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -8504,8 +7812,6 @@ are limited. NS NS NS -NS -NS Log @@ -8532,8 +7838,6 @@ are limited. - - result @@ -8555,8 +7859,6 @@ are limited. - - Log10 @@ -8583,8 +7885,6 @@ are limited. - - result @@ -8606,8 +7906,6 @@ are limited. - - Log1p @@ -8634,8 +7932,6 @@ are limited. - - result @@ -8657,8 +7953,6 @@ are limited. - - Log2 @@ -8685,8 +7979,6 @@ are limited. - - result @@ -8708,8 +8000,6 @@ are limited. - - Logarithm @@ -8736,8 +8026,6 @@ are limited. - - base @@ -8759,8 +8047,6 @@ are limited. - - result @@ -8782,8 +8068,6 @@ are limited. - - Expression @@ -8810,8 +8094,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Lower @@ -8838,8 +8120,6 @@ are limited. - - result @@ -8861,8 +8141,6 @@ are limited. - - MakeDecimal @@ -8889,8 +8167,6 @@ are limited. - - result @@ -8912,8 +8188,6 @@ are limited. - - MapEntries @@ -8937,9 +8211,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -8959,9 +8231,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -8988,9 +8258,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9010,9 +8278,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9039,9 +8305,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9061,9 +8325,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9093,8 +8355,6 @@ are limited. - - result @@ -9116,8 +8376,6 @@ are limited. - - Minute @@ -9144,8 +8402,6 @@ are limited. - - result @@ -9167,8 +8423,6 @@ are limited. - - MonotonicallyIncreasingID @@ -9195,8 +8449,6 @@ are limited. - - Expression @@ -9223,8 +8475,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Month @@ -9251,8 +8501,6 @@ are limited. - - result @@ -9274,8 +8522,6 @@ are limited. - - Multiply @@ -9302,8 +8548,6 @@ are limited. - - rhs @@ -9325,8 +8569,6 @@ are limited. - - result @@ -9348,8 +8590,6 @@ are limited. - - AST @@ -9372,8 +8612,6 @@ are limited. - - rhs @@ -9395,8 +8633,6 @@ are limited. - - result @@ -9418,8 +8654,6 @@ are limited. - - Murmur3Hash @@ -9444,9 +8678,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
NS @@ -9469,8 +8701,6 @@ are limited. - - NaNvl @@ -9497,8 +8727,6 @@ are limited. - - rhs @@ -9520,8 +8748,6 @@ are limited. - - result @@ -9543,8 +8769,6 @@ are limited. - - NamedLambdaVariable @@ -9567,11 +8791,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -9599,8 +8821,6 @@ are limited. - - result @@ -9622,8 +8842,6 @@ are limited. - - AST @@ -9646,8 +8864,6 @@ are limited. - - result @@ -9669,8 +8885,6 @@ are limited. - - Expression @@ -9697,8 +8911,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Or @@ -9725,8 +8937,6 @@ are limited. - - rhs @@ -9748,8 +8958,6 @@ are limited. - - result @@ -9771,8 +8979,6 @@ are limited. - - AST @@ -9795,8 +9001,6 @@ are limited. - - rhs @@ -9818,8 +9022,6 @@ are limited. - - result @@ -9841,8 +9043,6 @@ are limited. - - Pmod @@ -9869,8 +9069,6 @@ are limited. - - rhs @@ -9892,8 +9090,6 @@ are limited. - - result @@ -9915,8 +9111,6 @@ are limited. - - PosExplode @@ -9939,10 +9133,8 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9962,9 +9154,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -9994,8 +9184,6 @@ are limited. - - rhs @@ -10017,8 +9205,6 @@ are limited. - - result @@ -10040,8 +9226,6 @@ are limited. - - AST @@ -10064,8 +9248,6 @@ are limited. - - rhs @@ -10087,8 +9269,6 @@ are limited. - - result @@ -10110,8 +9290,6 @@ are limited. - - Expression @@ -10138,8 +9316,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH PreciseTimestampConversion @@ -10166,8 +9342,6 @@ are limited. - - result @@ -10189,8 +9363,6 @@ are limited. - - PromotePrecision @@ -10217,8 +9389,6 @@ are limited. - - result @@ -10240,8 +9410,6 @@ are limited. - - PythonUDF @@ -10264,11 +9432,9 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -10291,8 +9457,6 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
- - reduction @@ -10311,11 +9475,9 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -10338,8 +9500,6 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
- - window @@ -10358,11 +9518,9 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -10385,8 +9543,6 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
- - project @@ -10405,11 +9561,9 @@ are limited. NS NS NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS -PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
-NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS +PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, CALENDAR, MAP, UDT
NS @@ -10432,8 +9586,6 @@ are limited. NS PS
UTC is only supported TZ for child TIMESTAMP;
unsupported child types DECIMAL, NULL, BINARY, MAP
- - Quarter @@ -10460,8 +9612,6 @@ are limited. - - result @@ -10483,8 +9633,6 @@ are limited. - - Rand @@ -10511,8 +9659,6 @@ are limited. - - result @@ -10534,8 +9680,6 @@ are limited. - - Expression @@ -10562,8 +9706,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Rank @@ -10590,8 +9732,6 @@ are limited. NS NS NS -NS -NS result @@ -10613,39 +9753,14 @@ are limited. - - - - -RegExpReplace -`regexp_replace` -RegExpReplace support for string literal input patterns -None -project -regex - - - - - - - - - -PS
very limited regex support;
Literal value only
- - - - - - - - - - -result +RegExpReplace +`regexp_replace` +RegExpReplace support for string literal input patterns +None +project +str @@ -10664,15 +9779,10 @@ are limited. - - -pos - - +regex -PS
only a value of 1 is supported
@@ -10681,6 +9791,7 @@ are limited. +PS
very limited regex support;
Literal value only
@@ -10691,9 +9802,7 @@ are limited. -str - - +rep @@ -10701,9 +9810,9 @@ are limited. -S +PS
Literal value only
@@ -10714,9 +9823,7 @@ are limited. -rep - - +result @@ -10724,9 +9831,9 @@ are limited. -PS
Literal value only
+S @@ -10761,8 +9868,6 @@ are limited. - - rhs @@ -10784,8 +9889,6 @@ are limited. - - result @@ -10807,8 +9910,6 @@ are limited. - - Rint @@ -10835,8 +9936,6 @@ are limited. - - result @@ -10858,8 +9957,6 @@ are limited. - - AST @@ -10882,8 +9979,6 @@ are limited. - - result @@ -10905,8 +10000,6 @@ are limited. - - Round @@ -10933,8 +10026,6 @@ are limited. - - scale @@ -10956,8 +10047,6 @@ are limited. - - result @@ -10979,8 +10068,6 @@ are limited. - - Expression @@ -11007,8 +10094,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH RowNumber @@ -11035,8 +10120,6 @@ are limited. - - ScalaUDF @@ -11059,11 +10142,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -11082,11 +10163,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -11114,8 +10193,6 @@ are limited. - - result @@ -11137,8 +10214,6 @@ are limited. - - ShiftLeft @@ -11165,8 +10240,6 @@ are limited. - - amount @@ -11188,8 +10261,6 @@ are limited. - - result @@ -11211,8 +10282,6 @@ are limited. - - ShiftRight @@ -11239,8 +10308,6 @@ are limited. - - amount @@ -11262,8 +10329,6 @@ are limited. - - result @@ -11285,8 +10350,6 @@ are limited. - - ShiftRightUnsigned @@ -11313,8 +10376,6 @@ are limited. - - amount @@ -11336,8 +10397,6 @@ are limited. - - result @@ -11359,8 +10418,6 @@ are limited. - - Signum @@ -11387,8 +10444,6 @@ are limited. - - result @@ -11410,8 +10465,6 @@ are limited. - - Expression @@ -11438,8 +10491,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Sin @@ -11466,8 +10517,6 @@ are limited. - - result @@ -11489,8 +10538,6 @@ are limited. - - AST @@ -11513,8 +10560,6 @@ are limited. - - result @@ -11536,8 +10581,6 @@ are limited. - - Sinh @@ -11564,8 +10607,6 @@ are limited. - - result @@ -11587,8 +10628,6 @@ are limited. - - AST @@ -11611,8 +10650,6 @@ are limited. - - result @@ -11634,8 +10671,6 @@ are limited. - - Size @@ -11658,10 +10693,8 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -11685,8 +10718,6 @@ are limited. - - SortArray @@ -11709,9 +10740,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -11736,8 +10765,6 @@ are limited. - - result @@ -11755,9 +10782,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
@@ -11787,8 +10812,6 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS - - result @@ -11810,8 +10833,6 @@ are limited. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS - - Expression @@ -11838,8 +10859,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH SparkPartitionID @@ -11866,8 +10885,6 @@ are limited. - - SpecifiedWindowFrame @@ -11894,8 +10911,6 @@ are limited. -S -NS upper @@ -11917,8 +10932,6 @@ are limited. -S -NS result @@ -11940,8 +10953,6 @@ are limited. -S -NS Sqrt @@ -11968,8 +10979,6 @@ are limited. - - result @@ -11991,8 +11000,6 @@ are limited. - - AST @@ -12015,8 +11022,6 @@ are limited. - - result @@ -12038,8 +11043,6 @@ are limited. - - StartsWith @@ -12066,8 +11069,6 @@ are limited. - - search @@ -12089,8 +11090,6 @@ are limited. - - result @@ -12112,8 +11111,6 @@ are limited. - - StringLPad @@ -12140,8 +11137,6 @@ are limited. - - len @@ -12163,8 +11158,6 @@ are limited. - - pad @@ -12186,8 +11179,6 @@ are limited. - - result @@ -12209,8 +11200,6 @@ are limited. - - Expression @@ -12237,8 +11226,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH StringLocate @@ -12265,8 +11252,6 @@ are limited. - - str @@ -12288,8 +11273,6 @@ are limited. - - start @@ -12311,8 +11294,6 @@ are limited. - - result @@ -12334,8 +11315,6 @@ are limited. - - StringRPad @@ -12362,8 +11341,6 @@ are limited. - - len @@ -12385,8 +11362,6 @@ are limited. - - pad @@ -12408,8 +11383,6 @@ are limited. - - result @@ -12431,8 +11404,6 @@ are limited. - - StringRepeat @@ -12459,8 +11430,6 @@ are limited. - - repeatTimes @@ -12482,8 +11451,6 @@ are limited. - - result @@ -12505,8 +11472,6 @@ are limited. - - StringReplace @@ -12533,8 +11498,6 @@ are limited. - - search @@ -12556,8 +11519,6 @@ are limited. - - replace @@ -12579,8 +11540,6 @@ are limited. - - result @@ -12602,8 +11561,6 @@ are limited. - - Expression @@ -12630,8 +11587,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH StringSplit @@ -12658,8 +11613,6 @@ are limited. - - regexp @@ -12681,8 +11634,6 @@ are limited. - - limit @@ -12704,8 +11655,6 @@ are limited. - - result @@ -12727,8 +11676,6 @@ are limited. - - StringTrim @@ -12755,8 +11702,6 @@ are limited. - - trimStr @@ -12778,8 +11723,6 @@ are limited. - - result @@ -12801,8 +11744,6 @@ are limited. - - StringTrimLeft @@ -12829,8 +11770,6 @@ are limited. - - trimStr @@ -12852,8 +11791,6 @@ are limited. - - result @@ -12875,8 +11812,6 @@ are limited. - - StringTrimRight @@ -12903,8 +11838,6 @@ are limited. - - trimStr @@ -12926,8 +11859,6 @@ are limited. - - result @@ -12949,8 +11880,6 @@ are limited. - - Substring @@ -12977,8 +11906,6 @@ are limited. - - pos @@ -13000,8 +11927,6 @@ are limited. - - len @@ -13023,8 +11948,6 @@ are limited. - - result @@ -13046,8 +11969,6 @@ are limited. - - Expression @@ -13074,8 +11995,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH SubstringIndex @@ -13102,8 +12021,6 @@ are limited. - - delim @@ -13125,8 +12042,6 @@ are limited. - - count @@ -13148,8 +12063,6 @@ are limited. - - result @@ -13171,8 +12084,6 @@ are limited. - - Subtract @@ -13199,8 +12110,6 @@ are limited. -NS -NS rhs @@ -13222,8 +12131,6 @@ are limited. -NS -NS result @@ -13245,8 +12152,6 @@ are limited. -NS -NS AST @@ -13269,8 +12174,6 @@ are limited. -NS -NS rhs @@ -13292,8 +12195,6 @@ are limited. -NS -NS result @@ -13315,8 +12216,6 @@ are limited. -NS -NS Tan @@ -13343,8 +12242,6 @@ are limited. - - result @@ -13366,8 +12263,6 @@ are limited. - - AST @@ -13390,8 +12285,6 @@ are limited. - - result @@ -13413,8 +12306,6 @@ are limited. - - Tanh @@ -13441,8 +12332,6 @@ are limited. - - result @@ -13464,8 +12353,6 @@ are limited. - - AST @@ -13488,8 +12375,6 @@ are limited. - - result @@ -13511,8 +12396,6 @@ are limited. - - Expression @@ -13539,8 +12422,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH TimeAdd @@ -13567,8 +12448,6 @@ are limited. - - interval @@ -13585,12 +12464,10 @@ are limited. -PS
Literal value only
- +PS
month intervals are not supported;
Literal value only
-PS
Literal value only
@@ -13613,6 +12490,72 @@ are limited. + + +TimeSub + +Subtracts interval from timestamp +None +project +start + + + + + + + + +PS
UTC is only supported TZ for TIMESTAMP
+ + + + + + + + + + + +interval + + + + + + + + + + + + + +PS
months not supported;
Literal value only
+ + + + + + +result + + + + + + + + +PS
UTC is only supported TZ for TIMESTAMP
+ + + + + + + @@ -13641,8 +12584,6 @@ are limited. - - result @@ -13664,8 +12605,6 @@ are limited. - - ToRadians @@ -13692,8 +12631,6 @@ are limited. - - result @@ -13715,8 +12652,6 @@ are limited. - - ToUnixTimestamp @@ -13743,8 +12678,6 @@ are limited. - - format @@ -13766,8 +12699,6 @@ are limited. - - result @@ -13789,8 +12720,6 @@ are limited. - - TransformKeys @@ -13814,9 +12743,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -13840,8 +12767,6 @@ are limited. NS NS -NS -NS result @@ -13860,13 +12785,37 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+Expression +SQL Functions(s) +Description +Notes +Context +Param/Output +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT + + TransformValues `transform_values` Transform values in a map using a transform function @@ -13888,9 +12837,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -13910,11 +12857,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -13934,39 +12879,9 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
- - - -Expression -SQL Functions(s) -Description -Notes -Context -Param/Output -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT -DAYTIME -YEARMONTH UnaryMinus @@ -13993,8 +12908,6 @@ are limited. -NS -NS result @@ -14016,8 +12929,6 @@ are limited. -NS -NS AST @@ -14040,8 +12951,6 @@ are limited. -NS -NS result @@ -14063,8 +12972,6 @@ are limited. -NS -NS UnaryPositive @@ -14091,8 +12998,6 @@ are limited. -NS -NS result @@ -14114,8 +13019,6 @@ are limited. -NS -NS AST @@ -14138,8 +13041,6 @@ are limited. -NS -NS result @@ -14161,8 +13062,6 @@ are limited. -NS -NS UnboundedFollowing$ @@ -14189,8 +13088,6 @@ are limited. - - UnboundedPreceding$ @@ -14217,8 +13114,6 @@ are limited. - - UnixTimestamp @@ -14245,8 +13140,6 @@ are limited. - - format @@ -14268,8 +13161,6 @@ are limited. - - result @@ -14291,8 +13182,32 @@ are limited. - - + + +Expression +SQL Functions(s) +Description +Notes +Context +Param/Output +BOOLEAN +BYTE +SHORT +INT +LONG +FLOAT +DOUBLE +DATE +TIMESTAMP +STRING +DECIMAL +NULL +BINARY +CALENDAR +ARRAY +MAP +STRUCT +UDT UnscaledValue @@ -14319,8 +13234,6 @@ are limited. - - result @@ -14342,36 +13255,6 @@ are limited. - - - - -Expression -SQL Functions(s) -Description -Notes -Context -Param/Output -BOOLEAN -BYTE -SHORT -INT -LONG -FLOAT -DOUBLE -DATE -TIMESTAMP -STRING -DECIMAL -NULL -BINARY -CALENDAR -ARRAY -MAP -STRUCT -UDT -DAYTIME -YEARMONTH Upper @@ -14398,8 +13281,6 @@ are limited. - - result @@ -14421,8 +13302,6 @@ are limited. - - WeekDay @@ -14449,8 +13328,6 @@ are limited. - - result @@ -14472,8 +13349,6 @@ are limited. - - WindowExpression @@ -14496,11 +13371,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14523,8 +13396,6 @@ are limited. -S -NS result @@ -14542,11 +13413,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14572,9 +13441,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -14595,9 +13462,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -14618,9 +13483,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -14648,8 +13511,6 @@ are limited. - - result @@ -14671,8 +13532,6 @@ are limited. - - AggregateExpression @@ -14695,11 +13554,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14722,8 +13579,6 @@ are limited. - - result @@ -14741,11 +13596,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14765,11 +13618,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14792,8 +13643,6 @@ are limited. - - result @@ -14811,11 +13660,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14835,11 +13682,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14862,8 +13707,6 @@ are limited. - - result @@ -14881,11 +13724,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -14913,8 +13754,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH ApproximatePercentile @@ -14941,8 +13780,6 @@ are limited. - - percentage @@ -14964,8 +13801,6 @@ are limited. - - accuracy @@ -14987,8 +13822,6 @@ are limited. - - result @@ -15010,8 +13843,6 @@ are limited. - - aggregation @@ -15034,8 +13865,6 @@ are limited. - - percentage @@ -15057,8 +13886,6 @@ are limited. - - accuracy @@ -15080,8 +13907,6 @@ are limited. - - result @@ -15103,8 +13928,6 @@ are limited. - - window @@ -15127,8 +13950,6 @@ are limited. - - percentage @@ -15150,8 +13971,6 @@ are limited. - - accuracy @@ -15173,8 +13992,6 @@ are limited. - - result @@ -15196,8 +14013,6 @@ are limited. - - Average @@ -15217,15 +14032,13 @@ are limited. NS -S -NS -NS -NS + + result @@ -15247,8 +14060,6 @@ are limited. - - reduction @@ -15264,15 +14075,13 @@ are limited. NS -S -NS -NS -NS + + result @@ -15294,8 +14103,6 @@ are limited. - - window @@ -15311,15 +14118,13 @@ are limited. NS -S -NS -NS -NS + + result @@ -15341,8 +14146,6 @@ are limited. - - Expression @@ -15369,8 +14172,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH CollectList @@ -15397,8 +14198,6 @@ are limited. NS NS NS -NS -NS result @@ -15420,8 +14219,6 @@ are limited. - - aggregation @@ -15440,11 +14237,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -15463,9 +14258,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -15487,11 +14280,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -15510,9 +14301,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
@@ -15542,8 +14331,6 @@ are limited. NS NS NS -NS -NS result @@ -15565,8 +14352,6 @@ are limited. - - aggregation @@ -15587,9 +14372,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
NS @@ -15608,9 +14391,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
@@ -15634,9 +14415,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
NS @@ -15655,9 +14434,7 @@ are limited. -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
- - +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
@@ -15685,9 +14462,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -15710,8 +14485,6 @@ are limited. - - reduction @@ -15732,9 +14505,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -15757,8 +14528,6 @@ are limited. - - window @@ -15779,9 +14548,7 @@ are limited. NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS @@ -15804,8 +14571,6 @@ are limited. - - Expression @@ -15832,8 +14597,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH First @@ -15856,11 +14619,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -15879,11 +14640,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -15907,8 +14666,6 @@ are limited. NS NS NS -NS -NS result @@ -15930,8 +14687,6 @@ are limited. NS NS NS -NS -NS window @@ -15954,8 +14709,6 @@ are limited. NS NS NS -NS -NS result @@ -15977,8 +14730,6 @@ are limited. NS NS NS -NS -NS Last @@ -16001,11 +14752,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -16024,11 +14773,9 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, UDT
NS @@ -16052,8 +14799,6 @@ are limited. NS NS NS -NS -NS result @@ -16075,8 +14820,6 @@ are limited. NS NS NS -NS -NS window @@ -16099,8 +14842,6 @@ are limited. NS NS NS -NS -NS result @@ -16122,8 +14863,6 @@ are limited. NS NS NS -NS -NS Max @@ -16150,8 +14889,6 @@ are limited. NS NS - - result @@ -16173,8 +14910,6 @@ are limited. NS NS - - reduction @@ -16197,8 +14932,6 @@ are limited. NS NS - - result @@ -16220,8 +14953,6 @@ are limited. NS NS - - window @@ -16244,8 +14975,6 @@ are limited. NS NS - - result @@ -16267,8 +14996,6 @@ are limited. NS NS - - Expression @@ -16295,8 +15022,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH Min @@ -16323,8 +15048,6 @@ are limited. NS NS - - result @@ -16346,8 +15069,6 @@ are limited. NS NS - - reduction @@ -16370,8 +15091,6 @@ are limited. NS NS - - result @@ -16393,8 +15112,6 @@ are limited. NS NS - - window @@ -16417,8 +15134,6 @@ are limited. NS NS - - result @@ -16440,8 +15155,6 @@ are limited. NS NS - - PivotFirst @@ -16468,8 +15181,6 @@ are limited. NS NS NS -NS -NS valueColumn @@ -16491,8 +15202,6 @@ are limited. NS NS NS -NS -NS result @@ -16510,9 +15219,7 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS NS NS @@ -16538,8 +15245,6 @@ are limited. NS NS NS -NS -NS valueColumn @@ -16561,8 +15266,6 @@ are limited. NS NS NS -NS -NS result @@ -16580,9 +15283,7 @@ are limited. S NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types NULL, BINARY, CALENDAR, ARRAY, MAP, STRUCT, UDT
NS NS NS @@ -16612,8 +15313,6 @@ are limited. - - result @@ -16635,8 +15334,6 @@ are limited. - - aggregation @@ -16659,8 +15356,6 @@ are limited. - - result @@ -16682,8 +15377,6 @@ are limited. - - window @@ -16706,8 +15399,6 @@ are limited. - - result @@ -16729,8 +15420,6 @@ are limited. - - Expression @@ -16757,8 +15446,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH StddevSamp @@ -16785,8 +15472,6 @@ are limited. - - result @@ -16808,8 +15493,6 @@ are limited. - - aggregation @@ -16832,8 +15515,6 @@ are limited. - - result @@ -16855,8 +15536,6 @@ are limited. - - window @@ -16879,8 +15558,6 @@ are limited. - - result @@ -16902,8 +15579,6 @@ are limited. - - Sum @@ -16930,8 +15605,6 @@ are limited. - - result @@ -16953,8 +15626,6 @@ are limited. - - reduction @@ -16977,8 +15648,6 @@ are limited. - - result @@ -17000,8 +15669,6 @@ are limited. - - window @@ -17024,8 +15691,6 @@ are limited. - - result @@ -17047,8 +15712,6 @@ are limited. - - VariancePop @@ -17075,8 +15738,6 @@ are limited. - - result @@ -17098,8 +15759,6 @@ are limited. - - aggregation @@ -17122,8 +15781,6 @@ are limited. - - result @@ -17145,8 +15802,6 @@ are limited. - - window @@ -17169,8 +15824,6 @@ are limited. - - result @@ -17192,8 +15845,6 @@ are limited. - - Expression @@ -17220,8 +15871,6 @@ are limited. MAP STRUCT UDT -DAYTIME -YEARMONTH VarianceSamp @@ -17248,8 +15897,6 @@ are limited. - - result @@ -17271,8 +15918,6 @@ are limited. - - aggregation @@ -17295,8 +15940,6 @@ are limited. - - result @@ -17318,8 +15961,6 @@ are limited. - - window @@ -17342,8 +15983,6 @@ are limited. - - result @@ -17365,8 +16004,6 @@ are limited. - - NormalizeNaNAndZero @@ -17393,8 +16030,6 @@ are limited. - - result @@ -17416,8 +16051,6 @@ are limited. - - ScalarSubquery @@ -17444,8 +16077,6 @@ are limited. - - HiveGenericUDF @@ -17468,11 +16099,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -17491,11 +16120,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -17519,11 +16146,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -17542,11 +16167,9 @@ are limited. S S S -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
+PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types UDT
NS @@ -17568,7 +16191,7 @@ and the accelerator produces the same result. ### `AnsiCast` - + @@ -17588,10 +16211,8 @@ and the accelerator produces the same result. - - - + @@ -17601,7 +16222,7 @@ and the accelerator produces the same result. - + @@ -17611,8 +16232,6 @@ and the accelerator produces the same result. - - @@ -17624,13 +16243,11 @@ and the accelerator produces the same result. - + - - - + @@ -17647,13 +16264,11 @@ and the accelerator produces the same result. - + - - - + @@ -17670,13 +16285,11 @@ and the accelerator produces the same result. - + - - - + @@ -17693,13 +16306,11 @@ and the accelerator produces the same result. - + - - - + @@ -17716,7 +16327,7 @@ and the accelerator produces the same result. - + @@ -17726,8 +16337,6 @@ and the accelerator produces the same result. - - @@ -17739,7 +16348,7 @@ and the accelerator produces the same result. - + @@ -17749,24 +16358,20 @@ and the accelerator produces the same result. - - - - - - - - - + + + + + + + - - - + @@ -17777,19 +16382,17 @@ and the accelerator produces the same result. - - - - - - - + + + + + + + - - - + @@ -17807,8 +16410,8 @@ and the accelerator produces the same result. - - + + @@ -17818,8 +16421,6 @@ and the accelerator produces the same result. - - @@ -17831,7 +16432,7 @@ and the accelerator produces the same result. - + @@ -17841,8 +16442,6 @@ and the accelerator produces the same result. - - @@ -17864,8 +16463,6 @@ and the accelerator produces the same result. - - @@ -17887,8 +16484,6 @@ and the accelerator produces the same result. - - @@ -17910,8 +16505,6 @@ and the accelerator produces the same result. - - @@ -17924,14 +16517,12 @@ and the accelerator produces the same result. + - - - - + @@ -17947,15 +16538,13 @@ and the accelerator produces the same result. + - - - - + @@ -17970,16 +16559,14 @@ and the accelerator produces the same result. + - - - - + @@ -17993,57 +16580,9 @@ and the accelerator produces the same result. - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - @@ -18056,7 +16595,7 @@ and the accelerator produces the same result. ### `Cast`
TO
TO
BOOLEAN BYTEMAP STRUCT UDTDAYTIMEYEARMONTH
FROM
FROM BOOLEAN S SS S PS
UTC is only supported TZ for TIMESTAMP
S NS
BYTES S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
S S S PS
UTC is only supported TZ for TIMESTAMP
PS
Conversion may produce different results and requires spark.rapids.sql.castFloatToString.enabled to be true.
PS
max DECIMAL precision of 18
DOUBLES S PS
UTC is only supported TZ for TIMESTAMP
PS
Conversion may produce different results and requires spark.rapids.sql.castFloatToString.enabled to be true.
PS
max DECIMAL precision of 18
DATE SSSSSSS S PS
UTC is only supported TZ for TIMESTAMP
S NS
TIMESTAMP SSSSSSS S PS
UTC is only supported TZ for TIMESTAMP
S NS S S SPS
Only 4 digit year parsing is available. To enable parsing anyways set spark.rapids.sql.hasExtendedYearValues to false.
PS
Only 4 digit year parsing is available. To enable parsing anyways set spark.rapids.sql.hasExtendedYearValues to false.;
UTC is only supported TZ for TIMESTAMP
SPS
UTC is only supported TZ for TIMESTAMP
S PS
max DECIMAL precision of 18
DECIMALS S NS S PS
max DECIMAL precision of 18
NULLNS NS NSNSNS
BINARY
CALENDAR
ARRAY NS PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
NS PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the struct's children must also support being cast to string
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, MAP, UDT, DAYTIME, YEARMONTH
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
NS
DAYTIME NS NS
YEARMONTH NS
- + @@ -18076,10 +16615,8 @@ and the accelerator produces the same result. - - - + @@ -18099,8 +16636,6 @@ and the accelerator produces the same result. - - @@ -18122,8 +16657,6 @@ and the accelerator produces the same result. - - @@ -18145,8 +16678,6 @@ and the accelerator produces the same result. - - @@ -18168,8 +16699,6 @@ and the accelerator produces the same result. - - @@ -18191,8 +16720,6 @@ and the accelerator produces the same result. - - @@ -18214,8 +16741,6 @@ and the accelerator produces the same result. - - @@ -18237,8 +16762,6 @@ and the accelerator produces the same result. - - @@ -18260,8 +16783,6 @@ and the accelerator produces the same result. - - @@ -18283,8 +16804,6 @@ and the accelerator produces the same result. - - @@ -18306,8 +16825,6 @@ and the accelerator produces the same result. - - @@ -18329,8 +16846,6 @@ and the accelerator produces the same result. - - @@ -18352,8 +16867,6 @@ and the accelerator produces the same result. - - @@ -18375,8 +16888,6 @@ and the accelerator produces the same result. - - @@ -18398,8 +16909,6 @@ and the accelerator produces the same result. - - @@ -18417,9 +16926,7 @@ and the accelerator produces the same result. - - - + @@ -18441,9 +16948,7 @@ and the accelerator produces the same result. - - - + @@ -18465,9 +16970,7 @@ and the accelerator produces the same result. - - - + @@ -18490,54 +16993,6 @@ and the accelerator produces the same result. - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - - -
TO
TO
BOOLEAN BYTEMAP STRUCT UDTDAYTIMEYEARMONTH
FROM
FROM BOOLEAN S S
BYTE
SHORT
INT
LONG
FLOAT
DOUBLE
DATE
TIMESTAMP
STRING
DECIMAL
NULLNS NS NSNSNS
BINARY
CALENDAR
ARRAY PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
The array's child type must also support being cast to the desired child type;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the map's key and value must also support being cast to the desired child types;
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT, DAYTIME, YEARMONTH
PS
the struct's children must also support being cast to the desired child type(s);
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types CALENDAR, UDT
NS
DAYTIME NS NS
YEARMONTH NS NS
@@ -18574,8 +17029,6 @@ as `a` don't show up in the table. They are controlled by the rules for MAP STRUCT UDT -DAYTIME -YEARMONTH HashPartitioning @@ -18598,9 +17051,7 @@ as `a` don't show up in the table. They are controlled by the rules for NS NS NS -PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT, DAYTIME, YEARMONTH
-NS -NS +PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, MAP, UDT
NS @@ -18626,8 +17077,6 @@ as `a` don't show up in the table. They are controlled by the rules for PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, CALENDAR, ARRAY, UDT
NS - - RoundRobinPartitioning @@ -18652,8 +17101,6 @@ as `a` don't show up in the table. They are controlled by the rules for - - SinglePartition$ @@ -18678,8 +17125,6 @@ as `a` don't show up in the table. They are controlled by the rules for - - @@ -18710,8 +17155,6 @@ dates or timestamps, or for a lack of type coercion support. MAP STRUCT UDT -DAYTIME -YEARMONTH CSV @@ -18734,8 +17177,6 @@ dates or timestamps, or for a lack of type coercion support. - - Write @@ -18757,8 +17198,6 @@ dates or timestamps, or for a lack of type coercion support. - - ORC @@ -18781,8 +17220,6 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS - - Write @@ -18804,8 +17241,6 @@ dates or timestamps, or for a lack of type coercion support. NS NS NS - - Parquet @@ -18828,8 +17263,6 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS - - Write @@ -18851,7 +17284,5 @@ dates or timestamps, or for a lack of type coercion support. PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
PS
max child DECIMAL precision of 18;
UTC is only supported TZ for child TIMESTAMP;
unsupported child types BINARY, UDT
NS - - diff --git a/tools/src/main/resources/supportedDataSource.csv b/tools/src/main/resources/supportedDataSource.csv index ba04e67e658..89016aa0e8d 100644 --- a/tools/src/main/resources/supportedDataSource.csv +++ b/tools/src/main/resources/supportedDataSource.csv @@ -1,6 +1,6 @@ -Format,Direction,BOOLEAN,BYTE,SHORT,INT,LONG,FLOAT,DOUBLE,DATE,TIMESTAMP,STRING,DECIMAL,NULL,BINARY,CALENDAR,ARRAY,MAP,STRUCT,UDT,DAYTIME,YEARMONTH -CSV,read,CO,CO,CO,CO,CO,CO,CO,CO,CO,S,CO,NA,NS,NA,NA,NA,NA,NA,NA,NA -ORC,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS,NA,NA -ORC,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA -Parquet,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS,NA,NA -Parquet,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA +Format,Direction,BOOLEAN,BYTE,SHORT,INT,LONG,FLOAT,DOUBLE,DATE,TIMESTAMP,STRING,DECIMAL,NULL,BINARY,CALENDAR,ARRAY,MAP,STRUCT,UDT +CSV,read,CO,CO,CO,CO,CO,CO,CO,CO,CO,S,CO,NA,NS,NA,NA,NA,NA,NA +ORC,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS +ORC,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA +Parquet,read,S,S,S,S,S,S,S,S,PS,S,CO,NA,NS,NA,PS,PS,PS,NS +Parquet,write,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA,NA From 8e84ebbe50d868ec9af144f0e48d10e1c1b388be Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Tue, 12 Oct 2021 20:28:00 +0800 Subject: [PATCH 6/9] fix GpuRangePartitioner throws exception when table is empty; update test cases; refactor code Signed-off-by: Chong Gao --- .../src/main/python/sample_test.py | 20 ++++++++++++------- .../spark/rapids/GpuRangePartitioner.scala | 13 ++++++++---- .../spark/rapids/basicPhysicalOperators.scala | 15 +++++++------- 3 files changed, 29 insertions(+), 19 deletions(-) diff --git a/integration_tests/src/main/python/sample_test.py b/integration_tests/src/main/python/sample_test.py index d77ffaee77e..c19d35c96a3 100644 --- a/integration_tests/src/main/python/sample_test.py +++ b/integration_tests/src/main/python/sample_test.py @@ -1,4 +1,4 @@ -# Copyright (c) 2020-2021, NVIDIA CORPORATION. +# Copyright (c) 2021, NVIDIA CORPORATION. # # Licensed under the Apache License, Version 2.0 (the "License"); # you may not use this file except in compliance with the License. @@ -11,23 +11,29 @@ # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied. # See the License for the specific language governing permissions and # limitations under the License. - import pytest from asserts import assert_gpu_and_cpu_are_equal_collect from data_gen import * from pyspark.sql.types import * + from marks import * +# TODO add nested types all_gens = all_gen + [NullGen()] -all_nested_gens = array_gens_sample + struct_gens_sample + map_gens_sample -# all_gens += all_nested_gens @ignore_order @pytest.mark.parametrize('data_gen', all_gens, ids=idfn) -def test_sample(data_gen): +def test_sample_1(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: unary_op_df(spark, data_gen, length= 4).sample(fraction = 0.9, seed = 1) + ) + +@ignore_order +@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) +def test_sample_2(data_gen): assert_gpu_and_cpu_are_equal_collect( - lambda spark: unary_op_df(spark, data_gen, length=2048).sample(fraction = 0.9, seed = 1) + lambda spark: unary_op_df(spark, data_gen).sample(fraction = 0.9, seed = 1) ) @ignore_order @@ -36,4 +42,4 @@ def test_sample_with_replacement(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen).sample( withReplacement =True, fraction = 0.5, seed = 1) - ) \ No newline at end of file + ) diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala index eb82cdf38af..3577ed8e6a3 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala @@ -16,17 +16,17 @@ package com.nvidia.spark.rapids +import ai.rapids.cudf.{ColumnVector, Scalar} + import scala.collection.mutable.ArrayBuffer import scala.util.hashing.byteswap32 - import com.nvidia.spark.rapids.shims.v2.ShimExpression - import org.apache.spark.rdd.{PartitionPruningRDD, RDD} import org.apache.spark.sql.catalyst.InternalRow import org.apache.spark.sql.catalyst.expressions.Expression import org.apache.spark.sql.catalyst.expressions.codegen.LazilyGeneratedOrdering import org.apache.spark.sql.rapids.execution.TrampolineUtil -import org.apache.spark.sql.types.{DataType, IntegerType} +import org.apache.spark.sql.types.{DataType, DataTypes, IntegerType} import org.apache.spark.sql.vectorized.ColumnarBatch object GpuRangePartitioner { @@ -186,7 +186,12 @@ case class GpuRangePartitioner( GpuColumnVector.from(sortedTbl, sorter.projectedBatchTypes)) { sorted => val retCv = withResource(converters.convertBatch(rangeBounds, TrampolineUtil.fromAttributes(sorter.projectedBatchSchema))) { ranges => - sorter.upperBound(sorted, ranges) + if(sorted.numRows() == 0) { + // table row num is 0, upper bound should be 0, avoid exception + ai.rapids.cudf.ColumnVector.fromScalar(Scalar.fromInt(0), 1) + } else { + sorter.upperBound(sorted, ranges) + } } withResource(retCv) { retCv => // The first entry must always be 0, which upper bound is not doing diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 1dd1d3ceba5..92fe8b2addb 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -17,15 +17,12 @@ package com.nvidia.spark.rapids import java.util.Random - import scala.annotation.tailrec - import ai.rapids.cudf import ai.rapids.cudf._ import com.nvidia.spark.rapids.GpuMetric._ import com.nvidia.spark.rapids.RapidsPluginImplicits._ import com.nvidia.spark.rapids.shims.v2.{ShimSparkPlan, ShimUnaryExecNode} - import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} import org.apache.spark.internal.Logging import org.apache.spark.rdd.RDD @@ -36,7 +33,8 @@ import org.apache.spark.sql.execution.{LeafExecNode, ProjectExec, SampleExec, Sp import org.apache.spark.sql.rapids.{GpuPartitionwiseSampledRDD, GpuPoissonSampler, GpuPredicateHelper} import org.apache.spark.sql.rapids.execution.TrampolineUtil import org.apache.spark.sql.types.{DataType, LongType} -import org.apache.spark.sql.vectorized.{ColumnarBatch, ColumnVector} +import org.apache.spark.sql.vectorized.{ColumnVector, ColumnarBatch} +import org.apache.spark.util.random.BernoulliCellSampler class GpuProjectExecMeta( proj: ProjectExec, @@ -414,16 +412,16 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement } else { rdd.mapPartitionsWithIndex( (index, iterator) => { - val rng: Random = new XORShiftRandom - rng.setSeed(seed + index) + // use CPU sampler generate filter + val sampler = new BernoulliCellSampler(lowerBound, upperBound) + sampler.setSeed(seed + index) iterator.map[ColumnarBatch] { batch => withResource(batch) { b => // will generate new columnar column, close this val numRows = b.numRows() val filter = withResource(HostColumnVector.builder(DType.BOOL8, numRows)) { builder => (0 until numRows).foreach { _ => - val x = rng.nextDouble() - val n = if ((x >= lowerBound) && (x < upperBound)) 1 else 0 + val n = sampler.sample() if (n > 0) { builder.append(1.toByte) numOutputRows += 1 @@ -434,6 +432,7 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement builder.buildAndPutOnDevice() } + // use GPU filer rows val colTypes = GpuColumnVector.extractTypes(b) withResource(filter) { filter => withResource(GpuColumnVector.from(b)) { tbl => From c56d239c6f02db04ee67a12aa97010ebf27034b9 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Wed, 13 Oct 2021 12:00:43 +0800 Subject: [PATCH 7/9] Optimize imports; Add test cases Signed-off-by: Chong Gao --- .../src/main/python/sample_test.py | 33 ++++++++++++++++--- .../spark/rapids/GpuRangePartitioner.scala | 8 ++--- .../spark/rapids/basicPhysicalOperators.scala | 5 +-- 3 files changed, 35 insertions(+), 11 deletions(-) diff --git a/integration_tests/src/main/python/sample_test.py b/integration_tests/src/main/python/sample_test.py index c19d35c96a3..05134cf6830 100644 --- a/integration_tests/src/main/python/sample_test.py +++ b/integration_tests/src/main/python/sample_test.py @@ -19,27 +19,50 @@ from marks import * -# TODO add nested types -all_gens = all_gen + [NullGen()] +basic_gens = all_gen + [NullGen()] @ignore_order -@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) +@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) def test_sample_1(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen, length= 4).sample(fraction = 0.9, seed = 1) ) @ignore_order -@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) +@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) def test_sample_2(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen).sample(fraction = 0.9, seed = 1) ) @ignore_order -@pytest.mark.parametrize('data_gen', all_gens, ids=idfn) +@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) def test_sample_with_replacement(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen).sample( withReplacement =True, fraction = 0.5, seed = 1) ) + +# the following cases do not use @ignore_order +nested_gens = array_gens_sample + struct_gens_sample + map_gens_sample +@pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) +def test_sample_1_with_order(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: unary_op_df(spark, data_gen, length= 4).sample(fraction = 0.9, seed = 1), + conf={'spark.sql.legacy.allowNegativeScaleOfDecimal': True} + ) + +@pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) +def test_sample_2_with_order(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: unary_op_df(spark, data_gen).sample(fraction = 0.9, seed = 1), + conf={'spark.sql.legacy.allowNegativeScaleOfDecimal': True} + ) + +@pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) +def test_sample_with_replacement_with_order(data_gen): + assert_gpu_and_cpu_are_equal_collect( + lambda spark: unary_op_df(spark, data_gen).sample( + withReplacement =True, fraction = 0.5, seed = 1), + conf={'spark.sql.legacy.allowNegativeScaleOfDecimal': True} + ) diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala index 3577ed8e6a3..599b2283c32 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala @@ -13,20 +13,20 @@ * See the License for the specific language governing permissions and * limitations under the License. */ - package com.nvidia.spark.rapids -import ai.rapids.cudf.{ColumnVector, Scalar} - import scala.collection.mutable.ArrayBuffer import scala.util.hashing.byteswap32 + +import ai.rapids.cudf.Scalar import com.nvidia.spark.rapids.shims.v2.ShimExpression + import org.apache.spark.rdd.{PartitionPruningRDD, RDD} import org.apache.spark.sql.catalyst.InternalRow import org.apache.spark.sql.catalyst.expressions.Expression import org.apache.spark.sql.catalyst.expressions.codegen.LazilyGeneratedOrdering import org.apache.spark.sql.rapids.execution.TrampolineUtil -import org.apache.spark.sql.types.{DataType, DataTypes, IntegerType} +import org.apache.spark.sql.types.{DataType, IntegerType} import org.apache.spark.sql.vectorized.ColumnarBatch object GpuRangePartitioner { diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 92fe8b2addb..823e8bde97a 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -16,13 +16,14 @@ package com.nvidia.spark.rapids -import java.util.Random import scala.annotation.tailrec + import ai.rapids.cudf import ai.rapids.cudf._ import com.nvidia.spark.rapids.GpuMetric._ import com.nvidia.spark.rapids.RapidsPluginImplicits._ import com.nvidia.spark.rapids.shims.v2.{ShimSparkPlan, ShimUnaryExecNode} + import org.apache.spark.{InterruptibleIterator, Partition, SparkContext, TaskContext} import org.apache.spark.internal.Logging import org.apache.spark.rdd.RDD @@ -33,7 +34,7 @@ import org.apache.spark.sql.execution.{LeafExecNode, ProjectExec, SampleExec, Sp import org.apache.spark.sql.rapids.{GpuPartitionwiseSampledRDD, GpuPoissonSampler, GpuPredicateHelper} import org.apache.spark.sql.rapids.execution.TrampolineUtil import org.apache.spark.sql.types.{DataType, LongType} -import org.apache.spark.sql.vectorized.{ColumnVector, ColumnarBatch} +import org.apache.spark.sql.vectorized.{ColumnarBatch, ColumnVector} import org.apache.spark.util.random.BernoulliCellSampler class GpuProjectExecMeta( From 2efb2be3128c2572d6f2acefaf923ca65e6364bf Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Wed, 13 Oct 2021 16:15:27 +0800 Subject: [PATCH 8/9] Add Coalesce for sample exec; other refactor Signed-off-by: Chong Gao --- .../spark/rapids/GpuRangePartitioner.scala | 6 -- .../spark/rapids/basicPhysicalOperators.scala | 10 ++- .../spark/sql/rapids/GpuPoissonSampler.scala | 67 ++++++------------- 3 files changed, 28 insertions(+), 55 deletions(-) diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala index 599b2283c32..ef370ad4ab9 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala @@ -18,7 +18,6 @@ package com.nvidia.spark.rapids import scala.collection.mutable.ArrayBuffer import scala.util.hashing.byteswap32 -import ai.rapids.cudf.Scalar import com.nvidia.spark.rapids.shims.v2.ShimExpression import org.apache.spark.rdd.{PartitionPruningRDD, RDD} @@ -186,12 +185,7 @@ case class GpuRangePartitioner( GpuColumnVector.from(sortedTbl, sorter.projectedBatchTypes)) { sorted => val retCv = withResource(converters.convertBatch(rangeBounds, TrampolineUtil.fromAttributes(sorter.projectedBatchSchema))) { ranges => - if(sorted.numRows() == 0) { - // table row num is 0, upper bound should be 0, avoid exception - ai.rapids.cudf.ColumnVector.fromScalar(Scalar.fromInt(0), 1) - } else { sorter.upperBound(sorted, ranges) - } } withResource(retCv) { retCv => // The first entry must always be 0, which upper bound is not doing diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 823e8bde97a..572c6548131 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -372,8 +372,12 @@ class GpuSampleExecMeta(sample: SampleExec, conf: RapidsConf, p: Option[RapidsMe with Logging { override def convertToGpu(): GpuExec = { val gpuChild = childPlans.head.convertIfNeeded() - GpuSampleExec(sample.lowerBound, sample.upperBound, sample.withReplacement, sample.seed, - gpuChild) + val sampleExec = GpuSampleExec(sample.lowerBound, sample.upperBound, sample.withReplacement, + sample.seed, gpuChild) + val targetSize = RapidsConf.GPU_BATCH_SIZE_BYTES.get(sampleExec.conf) + // add one coalesce exec to avoid empty batch and small batch, + // because sample will decrease the batch size + GpuCoalesceBatches(sampleExec, TargetSize(targetSize)) } } @@ -417,6 +421,7 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement val sampler = new BernoulliCellSampler(lowerBound, upperBound) sampler.setSeed(seed + index) iterator.map[ColumnarBatch] { batch => + numOutputBatches += 1 withResource(batch) { b => // will generate new columnar column, close this val numRows = b.numRows() val filter = withResource(HostColumnVector.builder(DType.BOOL8, numRows)) { @@ -439,7 +444,6 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement withResource(GpuColumnVector.from(b)) { tbl => withResource(tbl.filter(filter)) { filteredData => if (filteredData.getRowCount == 0) { - logInfo("my-debug: empty batch !!!") GpuColumnVector.emptyBatchFromTypes(colTypes) } else { GpuColumnVector.from(filteredData, colTypes) diff --git a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala index dff89987e10..e8108b7d6a9 100644 --- a/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala +++ b/sql-plugin/src/main/scala/org/apache/spark/sql/rapids/GpuPoissonSampler.scala @@ -15,6 +15,8 @@ */ package org.apache.spark.sql.rapids +import scala.collection.mutable.ArrayBuffer + import ai.rapids.cudf.{DeviceMemoryBuffer, DType, GatherMap, HostMemoryBuffer, NvtxColor} import com.nvidia.spark.rapids.{Arm, GpuColumnVector, GpuMetric, NvtxWithMetrics} import org.apache.commons.math3.distribution.PoissonDistribution @@ -43,17 +45,22 @@ class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, withResource(new NvtxWithMetrics("Sample Exec", NvtxColor.YELLOW, opTime)) { _ => numOutputBatches += 1 withResource(columnarBatch) { cb => - val rows = cb.numRows() + // collect sampled row idx + // samples idx in batch one by one, so it's same with CPU version + val sampledRows = sample(cb.numRows()) + val intBytes = DType.INT32.getSizeInBytes() + val totalBytes = sampledRows.length * intBytes + withResource(HostMemoryBuffer.allocate(totalBytes)) { hostBuffer => + // copy row idx to host buffer + for (idx <- 0 until sampledRows.length) { + hostBuffer.setInt(idx * intBytes, sampledRows(idx)) + } - // 1. select rows, same with CPU version - withResource(generateHostBuffer(cb.numRows())) { hostBufferWithRowNum => - val hostBuffer = hostBufferWithRowNum.buffer - val selectedRows = hostBufferWithRowNum.rowNum - // 2. generate gather map and send to GPU to gather - withResource(DeviceMemoryBuffer.allocate(selectedRows * intBytes)) { deviceBuffer => - deviceBuffer.copyFromHostBuffer(0, hostBuffer, 0, selectedRows * intBytes) - withResource(new GatherMap(deviceBuffer).toColumnView(0, selectedRows)) { + // generate gather map and send to GPU to gather + withResource(DeviceMemoryBuffer.allocate(totalBytes)) { deviceBuffer => + deviceBuffer.copyFromHostBuffer(0, hostBuffer, 0, totalBytes) + withResource(new GatherMap(deviceBuffer).toColumnView(0, sampledRows.length)) { gatherCv => val colTypes = GpuColumnVector.extractTypes(cb) withResource(GpuColumnVector.from(cb)) { table => @@ -70,50 +77,18 @@ class GpuPoissonSampler(fraction: Double, useGapSamplingIfPossible: Boolean, } } - private case class HostBufferWithRowNum(buffer: HostMemoryBuffer, rowNum: Int) - extends AutoCloseable { - @throws[Exception] - def close(): Unit = { - buffer.close() - } - } - - private def generateHostBuffer(rows: Int): HostBufferWithRowNum = { - val intBytes = DType.INT32.getSizeInBytes() - val estimateBytes = (rows * intBytes * fraction).toLong + 128L - var buffer = HostMemoryBuffer.allocate(estimateBytes) - var selectedRows = 0 - for (row <- 0 until rows) { + // collect the sampled row idx + private def sample(numRows: Int): ArrayBuffer[Int] = { + val buf = new ArrayBuffer[Int] + for (rowIdx <- 0 until numRows) { val rowCount = rng.sample() if (rowCount > 0) { numOutputRows += rowCount for (_ <- 0 until rowCount) { - // select row with rowCount times - buffer = safeSetInt(buffer, selectedRows * intBytes, row) - selectedRows += 1 + buf += rowIdx } } } - HostBufferWithRowNum(buffer, selectedRows) - } - - // set int, expand if necessary - private def safeSetInt(buffer: HostMemoryBuffer, offset: Int, value: Int): HostMemoryBuffer = { - val buf = ensureCapacity(buffer, offset) - buf.setInt(offset, value) buf } - - // expand if buffer is full - private def ensureCapacity(buffer: HostMemoryBuffer, offset: Int): HostMemoryBuffer = { - if (offset + DType.INT32.getSizeInBytes <= buffer.getLength) { - buffer - } else { - withResource(buffer) { buf => - val newBuffer = HostMemoryBuffer.allocate(buf.getLength * 2) - newBuffer.copyFromHostBuffer(0, buf, 0, buf.getLength) - newBuffer - } - } - } } From c110baca57823c8ee723fbae31978ad16f3fa5c4 Mon Sep 17 00:00:00 2001 From: Chong Gao Date: Fri, 15 Oct 2021 11:06:14 +0800 Subject: [PATCH 9/9] Refactor, comments Signed-off-by: Chong Gao --- .../src/main/python/sample_test.py | 35 +++++-------------- .../spark/rapids/GpuRangePartitioner.scala | 3 +- .../spark/rapids/basicPhysicalOperators.scala | 10 +++--- 3 files changed, 15 insertions(+), 33 deletions(-) diff --git a/integration_tests/src/main/python/sample_test.py b/integration_tests/src/main/python/sample_test.py index 05134cf6830..94f8533cc99 100644 --- a/integration_tests/src/main/python/sample_test.py +++ b/integration_tests/src/main/python/sample_test.py @@ -21,46 +21,27 @@ basic_gens = all_gen + [NullGen()] +# This is a conner case, use @ignore_order and "length = 4" to trigger +# If sample exec can't handle empty batch, will trigger "Input table cannot be empty" error @ignore_order -@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) -def test_sample_1(data_gen): +@pytest.mark.parametrize('data_gen', [string_gen], ids=idfn) +def test_sample_produce_empty_batch(data_gen): assert_gpu_and_cpu_are_equal_collect( + # length = 4 will generate empty batch after sample lambda spark: unary_op_df(spark, data_gen, length= 4).sample(fraction = 0.9, seed = 1) ) -@ignore_order -@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) -def test_sample_2(data_gen): - assert_gpu_and_cpu_are_equal_collect( - lambda spark: unary_op_df(spark, data_gen).sample(fraction = 0.9, seed = 1) - ) - -@ignore_order -@pytest.mark.parametrize('data_gen', basic_gens, ids=idfn) -def test_sample_with_replacement(data_gen): - assert_gpu_and_cpu_are_equal_collect( - lambda spark: unary_op_df(spark, data_gen).sample( - withReplacement =True, fraction = 0.5, seed = 1) - ) - -# the following cases do not use @ignore_order +# the following cases is the normal cases and do not use @ignore_order nested_gens = array_gens_sample + struct_gens_sample + map_gens_sample @pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) -def test_sample_1_with_order(data_gen): - assert_gpu_and_cpu_are_equal_collect( - lambda spark: unary_op_df(spark, data_gen, length= 4).sample(fraction = 0.9, seed = 1), - conf={'spark.sql.legacy.allowNegativeScaleOfDecimal': True} - ) - -@pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) -def test_sample_2_with_order(data_gen): +def test_sample(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen).sample(fraction = 0.9, seed = 1), conf={'spark.sql.legacy.allowNegativeScaleOfDecimal': True} ) @pytest.mark.parametrize('data_gen', basic_gens + nested_gens, ids=idfn) -def test_sample_with_replacement_with_order(data_gen): +def test_sample_with_replacement(data_gen): assert_gpu_and_cpu_are_equal_collect( lambda spark: unary_op_df(spark, data_gen).sample( withReplacement =True, fraction = 0.5, seed = 1), diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala index ef370ad4ab9..eb82cdf38af 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/GpuRangePartitioner.scala @@ -13,6 +13,7 @@ * See the License for the specific language governing permissions and * limitations under the License. */ + package com.nvidia.spark.rapids import scala.collection.mutable.ArrayBuffer @@ -185,7 +186,7 @@ case class GpuRangePartitioner( GpuColumnVector.from(sortedTbl, sorter.projectedBatchTypes)) { sorted => val retCv = withResource(converters.convertBatch(rangeBounds, TrampolineUtil.fromAttributes(sorter.projectedBatchSchema))) { ranges => - sorter.upperBound(sorted, ranges) + sorter.upperBound(sorted, ranges) } withResource(retCv) { retCv => // The first entry must always be 0, which upper bound is not doing diff --git a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala index 572c6548131..0d624fe9c35 100644 --- a/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala +++ b/sql-plugin/src/main/scala/com/nvidia/spark/rapids/basicPhysicalOperators.scala @@ -372,12 +372,8 @@ class GpuSampleExecMeta(sample: SampleExec, conf: RapidsConf, p: Option[RapidsMe with Logging { override def convertToGpu(): GpuExec = { val gpuChild = childPlans.head.convertIfNeeded() - val sampleExec = GpuSampleExec(sample.lowerBound, sample.upperBound, sample.withReplacement, + GpuSampleExec(sample.lowerBound, sample.upperBound, sample.withReplacement, sample.seed, gpuChild) - val targetSize = RapidsConf.GPU_BATCH_SIZE_BYTES.get(sampleExec.conf) - // add one coalesce exec to avoid empty batch and small batch, - // because sample will decrease the batch size - GpuCoalesceBatches(sampleExec, TargetSize(targetSize)) } } @@ -392,6 +388,10 @@ case class GpuSampleExec(lowerBound: Double, upperBound: Double, withReplacement child.output } + // add one coalesce exec to avoid empty batch and small batch, + // because sample will shrink the batch + override val coalesceAfter: Boolean = true + override def outputOrdering: Seq[SortOrder] = child.outputOrdering override def outputPartitioning: Partitioning = child.outputPartitioning