text
stringlengths
1
2.05k
import tvm
import tvm.testing
import tvm.topi.testing from tvm
import te, topi from tvm.topi.vision
import ssd, non_max_suppression, get_valid_counts _get_valid_counts_implement = { "generic": (topi.vision.get_valid_counts, topi.generic.schedule_get_valid_counts), "gpu": (topi.cuda.get_valid_counts, topi.cuda.schedule_get_valid_counts), } _nms_implement = { "generic": (topi.vision.non_max_suppression, topi.generic.schedule_nms), "gpu": (topi.cuda.non_max_suppression, topi.cuda.schedule_nms), } _multibox_prior_implement = { "generic": (topi.vision.ssd.multibox_prior, topi.generic.schedule_multibox_prior), "gpu": (topi.cuda.multibox_prior, topi.cuda.schedule_multibox_prior), } _multibox_detection_implement = { "generic": (topi.vision.ssd.multibox_detection, topi.generic.schedule_multibox_detection), "gpu": (topi.cuda.multibox_detection, topi.cuda.schedule_multibox_detection), } _roi_align_implement = { "generic": (topi.vision.roi_align_nchw, topi.generic.schedule_roi_align), "cpu": (topi.x86.roi_align_nchw, topi.generic.schedule_roi_align), "gpu": (topi.vision.roi_align_nchw, topi.cuda.schedule_roi_align), } _roi_pool_schedule = { "generic": topi.generic.schedule_roi_pool, "gpu": topi.cuda.schedule_roi_pool, } _proposal_implement = { "generic": (topi.vision.rcnn.proposal, topi.generic.schedule_proposal), "gpu": (topi.cuda.proposal, topi.cuda.schedule_proposal), } _all_class_nms_implement = { "generic": (topi.vision.all_class_non_max_suppression, topi.generic.schedule_nms), "gpu": (topi.cuda.all_class_non_max_suppression, topi.cuda.schedule_nms), } class TestValidCounts: dshape, score_threshold, id_index, score_index = tvm.testing.parameters( ((1, 1000, 5), 0.5, -1, 0), ((1, 2500, 6), 0, 0, 1), ((1, 2500, 5), -1, -1, 0), ((3, 1000, 6), 0.55, 1, 0), ((16, 500, 5), 0.95, -1, 1), ) dtype = tvm.testing.parameter("float32") @tvm.testing.fixture(cache_return_value=True) def ref_data(self, dtype, dshape, score_threshold, id_index, score_index): batch_size, num_anchor, elem_len
gth = dshape np_data = np.random.uniform(low=-2, high=2, size=dshape).astype(dtype) np_out1 = np.zeros(shape=(batch_size,)) np_out2 = np.zeros(shape=dshape).astype(dtype) np_out3 = np.zeros(shape=(batch_size, num_anchor)) for i in range(batch_size): np_out1[i] = 0 inter_idx = 0 for j in range(num_anchor): score = np_data[i, j, score_index] if score > score_threshold and (id_index < 0 or np_data[i, j, id_index] >= 0): for k in range(elem_length): np_out2[i, inter_idx, k] = np_data[i, j, k] np_out1[i] += 1 np_out3[i, inter_idx] = j inter_idx += 1 if j >= np_out1[i]: for k in range(elem_length): np_out2[i, j, k] = -1.0 np_out3[i, j] = -1 return np_data, np_out1, np_out2, np_out3 def test_get_valid_counts( self, target, dev, ref_data, dtype, dshape, score_threshold, id_index, score_index ): np_data, np_out1, np_out2, np_out3 = ref_data with tvm.target.Target(target): fcompute, fschedule = tvm.topi.testing.dispatch(target, _get_valid_counts_implement) data = te.placeholder(dshape, name="data", dtype=dtype) outs = fcompute(data, score_threshold, id_index, score_index) s = fschedule(outs) tvm_input_data = tvm.nd.array(np_data, dev) tvm_out1 = tvm.nd.array(np.zeros(np_out1.shape, dtype="int32"), dev) tvm_out2 = tvm.nd.array(np.zeros(np_out2.shape, dtype=dtype), dev) tvm_out3 = tvm.nd.array(np.zeros(np_out3.shape, dtype="int32"), dev) f = tvm.build(s, [data, outs[0], outs[1], outs[2]], target) f(tvm_input_data, tvm_out1, tvm_out2, tvm_out3) tvm.testing.assert_allclose(tvm_out1.numpy(), np_out1, rtol=1e-3) tvm.testing.assert_allclose(tvm_out2.numpy(), np_out2, rtol=1e-3) tvm
.testing.assert_allclose(tvm_out3.numpy(), np_out3, rtol=1e-3) def verify_non_max_suppression( target, dev, np_data, np_valid_count, np_indices, np_result, np_indices_result, max_output_size, iou_threshold, force_suppress, top_k, coord_start, score_index, id_index, ): dshape = np_data.shape batch, num_anchors, _ = dshape indices_dshape = (batch, num_anchors) data = te.placeholder(dshape, name="data") valid_count = te.placeholder((batch,), dtype="int32", name="valid_count") indices = te.placeholder((batch, num_anchors), dtype="int32", name="indices") with tvm.target.Target(target): fcompute, fschedule = tvm.topi.testing.dispatch(target, _nms_implement) out = fcompute( data, valid_count, indices, max_output_size, iou_threshold, force_suppress, top_k, coord_start=coord_start, score_index=score_index, id_index=id_index, return_indices=False, ) indices_out = fcompute( data, valid_count, indices, max_output_size, iou_threshold, force_suppress, top_k, coord_start=coord_start, score_index=score_index, id_index=id_index, return_indices=True, ) s = fschedule(out) indices_s = fschedule(indices_out) tvm_data = tvm.nd.array(np_data, dev) tvm_valid_count = tvm.nd.array(np_valid_count, dev) tvm_indices = tvm.nd.array(np_indices, dev) tvm_out = tvm.nd.array(np.zeros(dshape, dtype=data.dtype), dev) f = tvm.build(s, [data, valid_count, indices, out], target) f(tvm_data, tvm_valid_count, tvm_indices, tvm_out) tvm.testing.assert_allclose(tvm_out.numpy(), np_result, rtol=1e-4) tvm_indices_out = tvm.nd.array(np.zeros(indices_dshape, dtype="int32"), dev) f = tvm.build(indices_s, [data, valid_count,
indices, indices_out[0]], target) f(tvm_data, tvm_valid_count, tvm_indices, tvm_indices_out) tvm.testing.assert_allclose(tvm_indices_out.numpy(), np_indices_result, rtol=1e-4) def test_non_max_suppression(target, dev): np_data = np.array( [ [ [0, 0.8, 1, 20, 25, 45], [1, 0.7, 30, 60, 50, 80], [0, 0.4, 4, 21, 19, 40], [2, 0.9, 35, 61, 52, 79], [1, 0.5, 100, 60, 70, 110], ] ] ).astype("float32") np_valid_count = np.array([4]).astype("int32") np_indices = np.array([[0, 1, 2, 3, 4]]).astype("int32") max_output_size = -1 np_result = np.array( [ [ [2, 0.9, 35, 61, 52, 79], [0, 0.8, 1, 20, 25, 45], [-1, -1, -1, -1, -1, -1], [-1, -1, -1, -1, -1, -1], [-1, -1, -1, -1, -1, -1], ] ] ) np_indices_result = np.array([[3, 0, -1, -1, -1]]) verify_non_max_suppression( target, dev, np_data, np_valid_count, np_indices, np_result, np_indices_result, max_output_size, 0.7, True, 2, 2, 1, 0, ) np_data = np.array( [ [ [0.8, 1, 20, 25, 45], [0.7, 30, 60, 50, 80], [0.4, 4, 21, 19, 40], [0.9, 35, 61, 52, 79], [0.5, 100, 60, 70, 110], ] ] ).astype("float32") np_valid_count = np.array([4]).astype("int32") np_indices = np.array([[0, 1, 2, 3, 4]]).astype("int32") max_output_size = 2 np_result = np.array( [ [ [0.9, 35, 61, 52, 79], [0.8, 1, 20, 25, 45], [-1, -1, -1, -1, -1], [-1, -1, -1, -1, -1], [-1, -1, -1, -1, -1], ] ] ) np_indices_result = np.array([[3, 0, -1, -1, -1]]) ve
rify_non_max_suppression( target, dev, np_data, np_valid_count, np_indices, np_result, np_indices_result, max_output_size, 0.7, False, 2, 1, 0, -1, ) class TestMultiboxPrior: dshape, sizes, ratios, steps, offsets, clip = tvm.testing.parameters( ((1, 3, 50, 50), (1,), (1,), (-1, -1), (0.5, 0.5), False), ((1, 3, 224, 224), (0.5, 0.25, 0.1), (1, 2, 0.5), (-1, -1), (0.5, 0.5), False), ((1, 32, 32, 32), (0.5, 0.25), (1, 2), (2, 2), (0.5, 0.5), True), ) dtype = tvm.testing.parameter("float32") @tvm.testing.fixture(cache_return_value=True) def ref_data(self, dtype, dshape, sizes, ratios, offsets, steps, clip): in_height = dshape[2] in_width = dshape[3] num_sizes = len(sizes) num_ratios = len(ratios) size_ratio_concat = sizes + ratios steps_h = steps[0] if steps[0] > 0 else 1.0 / in_height steps_w = steps[1] if steps[1] > 0 else 1.0 / in_width offset_h = offsets[0] offset_w = offsets[1] out_shape = (1, in_height * in_width * (num_sizes + num_ratios - 1), 4) np_in = np.random.uniform(size=dshape).astype(dtype) np_out = np.zeros(out_shape).astype(dtype) for i in range(in_height): center_h = (i + offset_h) * steps_h for j in range(in_width): center_w = (j + offset_w) * steps_w for k in range(num_sizes + num_ratios - 1): w = ( size_ratio_concat[k] * in_height / in_width / 2.0 if k < num_sizes else size_ratio_concat[0] * in_height / in_width * math.sqrt(size_ratio_concat[k + 1]) / 2.0 ) h = ( size_ratio_concat[k] / 2.0 if k < num_size
s else size_ratio_concat[0] / math.sqrt(size_ratio_concat[k + 1]) / 2.0 ) count = ( i * in_width * (num_sizes + num_ratios - 1) + j * (num_sizes + num_ratios - 1) + k ) np_out[0][count][0] = center_w - w np_out[0][count][1] = center_h - h np_out[0][count][2] = center_w + w np_out[0][count][3] = center_h + h if clip: np_out = np.clip(np_out, 0, 1) return np_in, np_out def test_multibox_prior( self, target, dev, dtype, dshape, ref_data, sizes, ratios, steps, offsets, clip ): np_in, np_out = ref_data data = te.placeholder(dshape, name="data", dtype=dtype) fcompute, fschedule = tvm.topi.testing.dispatch(target, _multibox_prior_implement) with tvm.target.Target(target): out = fcompute(data, sizes, ratios, steps, offsets, clip) s = fschedule(out) tvm_input_data = tvm.nd.array(np_in, dev) tvm_out = tvm.nd.array(np.zeros(np_out.shape, dtype=dtype), dev) f = tvm.build(s, [data, out], target) f(tvm_input_data, tvm_out) tvm.testing.assert_allclose(tvm_out.numpy(), np_out, rtol=1e-3) def test_multibox_detection(target, dev): batch_size = 1 num_anchors = 3 num_classes = 3 cls_prob = te.placeholder((batch_size, num_anchors, num_classes), name="cls_prob") loc_preds = te.placeholder((batch_size, num_anchors * 4), name="loc_preds") anchors = te.placeholder((1, num_anchors, 4), name="anchors") np_cls_prob = np.array([[[0.2, 0.5, 0.3], [0.25, 0.3, 0.45], [0.7, 0.1, 0.2]]]) np_loc_preds = np.array([[0.1, -0.2, 0.3, 0.2, 0.2, 0.4, 0.5, -0.3, 0.7, -0.2, -0.4, -0.8]]) np_anchors = np.array([[[-0.1, -0.1, 0.1, 0.1], [-0.2, -0.2, 0.2, 0.2], [1.2, 1.2, 1.5, 1.5]]]) expected_np_out = np.array( [ [
[1, 0.69999999, 0, 0, 0.10818365, 0.10008108], [0, 0.44999999, 1, 1, 1, 1], [0, 0.30000001, 0, 0, 0.22903419, 0.20435292], ] ] ) fcompute, fschedule = tvm.topi.testing.dispatch(target, _multibox_detection_implement) with tvm.target.Target(target): out = fcompute(cls_prob, loc_preds, anchors) s = fschedule(out) tvm_cls_prob = tvm.nd.array(np_cls_prob.astype(cls_prob.dtype), dev) tvm_loc_preds = tvm.nd.array(np_loc_preds.astype(loc_preds.dtype), dev) tvm_anchors = tvm.nd.array(np_anchors.astype(anchors.dtype), dev) tvm_out = tvm.nd.array(np.zeros((batch_size, num_anchors, 6)).astype(out.dtype), dev) f = tvm.build(s, [cls_prob, loc_preds, anchors, out], target) f(tvm_cls_prob, tvm_loc_preds, tvm_anchors, tvm_out) tvm.testing.assert_allclose(tvm_out.numpy(), expected_np_out, rtol=1e-4) class TestRoiAlign: ( batch, in_channel, in_size, num_roi, pooled_size, spatial_scale, sample_ratio, mode, ) = tvm.testing.parameters( (1, 16, 32, 64, 7, 1.0, -1, 0), (4, 16, 32, 64, 7, 0.5, 2, 0), (1, 32, 32, 80, 8, 0.0625, 2, 0), (1, 32, 500, 80, 8, 0.0625, 2, 0), (1, 16, 32, 64, 7, 1.0, -1, 1), (4, 16, 32, 64, 7, 0.5, 2, 1), (1, 32, 32, 80, 8, 0.0625, 2, 1), (1, 32, 500, 80, 8, 0.0625, 2, 1), ) @tvm.testing.fixture(cache_return_value=True) def ref_data( self, batch, in_channel, in_size, num_roi, pooled_size, spatial_scale, sample_ratio, mode, ): a_shape = (batch, in_channel, in_size, in_size) rois_shape = (num_roi, 5) a_np = np.random.uniform(-1, 1, size=a_shape).astype("float32") rois_np = np.random.uniform(-1, 1, size=rois_shape).astype("float32") * in_size rois_np[:, 0] = np.random.randint(low=0, high=batch, size=num_roi) b_np = tvm.to
pi.testing.roi_align_nchw_python( a_np, rois_np, pooled_size=pooled_size, spatial_scale=spatial_scale, sample_ratio=sample_ratio, mode=mode, ) return a_np, rois_np, b_np def test_roi_align( self, target, dev, ref_data, pooled_size, spatial_scale, sample_ratio, mode, ): a_np, rois_np, b_np = ref_data a = te.placeholder(a_np.shape) rois = te.placeholder(rois_np.shape) with tvm.target.Target(target): fcompute, fschedule = tvm.topi.testing.dispatch(target, _roi_align_implement) b = fcompute( a, rois, pooled_size=pooled_size, spatial_scale=spatial_scale, sample_ratio=sample_ratio, mode=mode, ) s = fschedule(b) tvm_a = tvm.nd.array(a_np, dev) tvm_rois = tvm.nd.array(rois_np, dev) tvm_b = tvm.nd.array(np.zeros(b_np.shape, dtype=b.dtype), device=dev) f = tvm.build(s, [a, rois, b], target) f(tvm_a, tvm_rois, tvm_b) tvm_val = tvm_b.numpy() tvm.testing.assert_allclose(tvm_val, b_np, rtol=1e-3, atol=1e-4) class TestRoiPool: batch, in_channel, in_size, num_roi, pooled_size, spatial_scale = tvm.testing.parameters( (1, 4, 16, 32, 7, 1.0), (4, 4, 16, 32, 7, 0.5), ) @tvm.testing.fixture(cache_return_value=True) def ref_data(self, batch, in_channel, in_size, num_roi, pooled_size, spatial_scale): a_shape = (batch, in_channel, in_size, in_size) rois_shape = (num_roi, 5) a_np = np.random.uniform(size=a_shape).astype("float32") rois_np = np.random.uniform(size=rois_shape).astype("float32") * in_size rois_np[:, 0] = np.random.randint(low=0, high=batch, size=num_roi).astype("float32") b_np = tvm.topi.testing.roi_pool_nchw_python( a_np, rois_np
, pooled_size=pooled_size, spatial_scale=spatial_scale ) return a_np, rois_np, b_np def test_roi_pool(self, target, dev, ref_data, pooled_size, spatial_scale): a_np, rois_np, b_np = ref_data a = te.placeholder(a_np.shape) rois = te.placeholder(rois_np.shape) with tvm.target.Target(target): b = topi.vision.rcnn.roi_pool_nchw( a, rois, pooled_size=pooled_size, spatial_scale=spatial_scale ) s_func = tvm.topi.testing.dispatch(target, _roi_pool_schedule) s = s_func(b) tvm_a = tvm.nd.array(a_np, dev) tvm_rois = tvm.nd.array(rois_np, dev) tvm_b = tvm.nd.array(np.zeros(b_np.shape, dtype=b.dtype), device=dev) f = tvm.build(s, [a, rois, b], target) f(tvm_a, tvm_rois, tvm_b) tvm.testing.assert_allclose(tvm_b.numpy(), b_np, rtol=1e-4) def verify_proposal(target, dev, np_cls_prob, np_bbox_pred, np_im_info, np_out, attrs): cls_prob = te.placeholder(np_cls_prob.shape) bbox_pred = te.placeholder(np_bbox_pred.shape) im_info = te.placeholder(np_im_info.shape) with tvm.target.Target(target): fcompute, fschedule = tvm.topi.testing.dispatch(target, _proposal_implement) out = fcompute(cls_prob, bbox_pred, im_info, **attrs) s = fschedule(out) f = tvm.build(s, [cls_prob, bbox_pred, im_info, out], target) tvm_cls_prob = tvm.nd.array(np_cls_prob, device=dev) tvm_bbox_pred = tvm.nd.array(np_bbox_pred, device=dev) tvm_im_info = tvm.nd.array(np_im_info, device=dev) tvm_out = tvm.nd.empty(device=dev, shape=out.shape, dtype=out.dtype) f(tvm_cls_prob, tvm_bbox_pred, tvm_im_info, tvm_out) tvm.testing.assert_allclose(tvm_out.numpy(), np_out, rtol=1e-4) @tvm.testing.known_failing_targets("vulkan") def test_proposal(target, dev): attrs = { "scales": (0.5,), "ratios": (0.5,), "feature_stride": 16, "iou_loss": False, "rpn_min_size": 16,
"threshold": 0.7, "rpn_pre_nms_top_n": 200, "rpn_post_nms_top_n": 4, } np_cls_prob = np.array( [ [ [[0.3, 0.6, 0.2], [0.4, 0.7, 0.5], [0.1, 0.4, 0.3]], [[0.7, 0.5, 0.3], [0.6, 0.4, 0.8], [0.9, 0.2, 0.5]], ] ], dtype="float32", ) np_bbox_pred = np.array( [ [ [[0.5, 1.0, 0.6], [0.8, 1.2, 2.0], [0.9, 1.0, 0.8]], [[0.5, 1.0, 0.7], [0.8, 1.2, 1.6], [2.1, 1.5, 0.7]], [[1.0, 0.5, 0.7], [1.5, 0.9, 1.6], [1.4, 1.5, 0.8]], [[1.0, 0.5, 0.6], [1.5, 0.9, 2.0], [1.8, 1.0, 0.9]], ] ], dtype="float32", ) np_im_info = np.array([[48.0, 48.0, 1.0]], dtype="float32") np_out = np.array( [ [0.0, 0.0, 2.8451548, 28.38012, 18.154846], [0.0, 0.0, 15.354933, 41.96971, 41.245064], [0.0, 18.019852, 1.0538368, 51.98015, 25.946163], [0.0, 27.320923, -1.266357, 55.0, 24.666357], ], dtype="float32", ) verify_proposal(target, dev, np_cls_prob, np_bbox_pred, np_im_info, np_out, attrs) np_out = np.array( [ [0.0, -5.25, -2.5, 21.75, 19.0], [0.0, 11.25, -2.0, 37.25, 18.5], [0.0, 26.849998, -2.3000002, 53.45, 18.6], [0.0, -4.95, 13.799999, 22.25, 35.5], ], dtype="float32", ) attrs["iou_loss"] = True verify_proposal(target, dev, np_cls_prob, np_bbox_pred, np_im_info, np_out, attrs) def verify_all_class_non_max_suppression( target, dev, boxes_np, scores_np, max_output_boxes_per_class, iou_threshold, score_threshold, expected_indices, ): dshape = boxes_np.shape batch, num_boxes, _ = dshape _, num_class, _ = scores_np.shape boxes = te.placeholder(dshape, name="boxes") scores = te.placeholder(scores_np.shape, dtype="float32", name="scores") with tvm.target.Target(target): fcompute, fsched
ule = tvm.topi.testing.dispatch(target, _all_class_nms_implement) out = fcompute(boxes, scores, max_output_boxes_per_class, iou_threshold, score_threshold) s = fschedule(out) tvm_boxes = tvm.nd.array(boxes_np, dev) tvm_scores = tvm.nd.array(scores_np, dev) selected_indices = tvm.nd.array(np.zeros((batch * num_class * num_boxes, 3), "int64"), dev) num_detections = tvm.nd.array(np.zeros((1,), "int64"), dev) f = tvm.build(s, [boxes, scores, out[0], out[1]], target) f(tvm_boxes, tvm_scores, selected_indices, num_detections) tvm_res = selected_indices.numpy()[: num_detections.numpy()[0]] np.testing.assert_equal(tvm_res, expected_indices) def test_all_class_non_max_suppression(target, dev): boxes = np.array( [ [ [0.0, 0.0, 0.3, 0.3], [0.0, 0.0, 0.4, 0.4], [0.0, 0.0, 0.5, 0.5], [0.5, 0.5, 0.9, 0.9], [0.5, 0.5, 1.0, 1.0], ], [ [0.0, 0.0, 0.3, 0.3], [0.0, 0.0, 0.4, 0.4], [0.5, 0.5, 0.95, 0.95], [0.5, 0.5, 0.96, 0.96], [0.5, 0.5, 1.0, 1.0], ], ] ).astype("float32") scores = np.array( [ [[0.1, 0.2, 0.6, 0.3, 0.9], [0.1, 0.2, 0.6, 0.3, 0.9]], [[0.1, 0.2, 0.6, 0.3, 0.9], [0.1, 0.2, 0.6, 0.3, 0.9]], ] ).astype("float32") max_output_boxes_per_class = 2 iou_threshold = 0.8 score_threshold = 0.0 expected = np.array( [[0, 0, 4], [0, 0, 2], [0, 1, 4], [0, 1, 2], [1, 0, 4], [1, 0, 1], [1, 1, 4], [1, 1, 1]] ) verify_all_class_non_max_suppression( target, dev, boxes, scores, max_output_boxes_per_class, iou_threshold, score_threshold, expected, ) boxes = np.array( [ [ [0.0, 0.0, 1.0, 1.0], [0.0, 0.1, 1.0, 1.1], [0.0, -0.1, 1.0, 0.9],
[0.0, 10.0, 1.0, 11.0], [0.0, 10.1, 1.0, 11.1], [0.0, 100.0, 1.0, 101.0], ] ] ).astype(np.float32) scores = np.array([[[0.9, 0.75, 0.6, 0.95, 0.5, 0.3]]]).astype(np.float32) max_output_boxes_per_class = 3 iou_threshold = 0.5 score_threshold = 0.4 expected = np.array([[0, 0, 3], [0, 0, 0]]) verify_all_class_non_max_suppression( target, dev, boxes, scores, max_output_boxes_per_class, iou_threshold, score_threshold, expected, ) if __name__ == "__main__": tvm.testing.main()
import pytest
import tvm
import tvm.testing from tvm
import tir from tvm.script
import tir as T @tvm.script.ir_module class Module: @T.prim_func def tvm_test_cpacked( A: T.handle, B: T.handle, C: T.handle, device_context: T.handle ) -> T.handle: A_0 = T.match_buffer(A, (1,), dtype="float32") T.preflattened_buffer(A_0, (1,), dtype="float32") B_0 = T.match_buffer(B, (1,), dtype="float32") T.preflattened_buffer(B_0, (1,), dtype="float32") C_0 = T.match_buffer(C, (1,), dtype="float32") T.preflattened_buffer(C_0, (1,), dtype="float32") T.evaluate(C) @T.prim_func def tir_packed_call() -> None: A = T.var("handle") B = T.var("handle") C = T.var("handle") device_context = T.var("handle") T.evaluate( T.tvm_call_cpacked( "tvm_test_cpacked", A, B, C, device_context, dtype="int32", ) ) @tvm.script.ir_module class Expected: @T.prim_func def tvm_test_cpacked( A: T.handle, B: T.handle, C: T.handle, device_context: T.handle ) -> T.handle: A_0 = T.match_buffer(A, (1,), dtype="float32") T.preflattened_buffer(A_0, (1,), dtype="float32") B_0 = T.match_buffer(B, (1,), dtype="float32") T.preflattened_buffer(B_0, (1,), dtype="float32") C_0 = T.match_buffer(C, (1,), dtype="float32") T.preflattened_buffer(C_0, (1,), dtype="float32") T.evaluate(C) @T.prim_func def tir_packed_call() -> None: A = T.var("handle") B = T.var("handle") C = T.var("handle") device_context = T.var("handle") T.evaluate( T.tvm_call_cpacked( "tvm_test_cpacked", T.tvm_stack_make_array( A, T.tvm_stack_make_shape(1, dtype="handle"), T.reinterpret(T.uint64(0), dtype="handle"), T.uint32(1), T.Cast("float32", 0),
0, dtype="handle", ), T.tvm_stack_make_array( B, T.tvm_stack_make_shape(1, dtype="handle"), T.reinterpret(T.uint64(0), dtype="handle"), T.uint32(1), T.Cast("float32", 0), 0, dtype="handle", ), T.tvm_stack_make_array( C, T.tvm_stack_make_shape(1, dtype="handle"), T.reinterpret(T.uint64(0), dtype="handle"), T.uint32(1), T.Cast("float32", 0), 0, dtype="handle", ), device_context, dtype="int32", ) ) def test_aot_packed_call(): mod = Module expected = Expected out = tir.transform.LegalizePackedCalls()(mod) tvm.ir.assert_structural_equal(expected, out, map_free_vars=True) if __name__ == "__main__": pytest.main([__file__])
import tvm from tvm
import te class CanonicalChecker: def __init__(self): self.analyzer = tvm.arith.Analyzer() def verify(self, data, expected): res = self.analyzer.canonical_simplify(data) expected = tvm.runtime.convert(expected) assert tvm.ir.structural_equal(res, expected), "\ndata={}\nres={}\nexpected={}".format( data, res, expected ) def test_mul_sum_simplify(): ck = CanonicalChecker() x, y, z = te.var("x"), te.var("y"), te.var("z") ck.verify(2 + (3 * x + z + y + 1) * 4 + x, x * 13 + z * 4 + y * 4 + 6) ck.verify(x * 3 - 4 * x + 1, 1 - x) ck.verify(y + x * 3 - 5 * x + 1 + y, y * 2 + 1 - x * 2) tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod ck.verify(tdiv(x + y + x + y * 3, 2), y * 2 + x) ck.verify(tmod(x + y + x + y * 3, 2), 0) fld = tvm.te.floordiv flm = tvm.te.floormod ck.verify(flm(x + x + y * 3, 2), flm(y * 3, 2)) ck.verify(fld(x + y + x + y * 3, 2), y * 2 + x) ck.verify(flm(x + y + x + y * 3, 2), 0) ck.verify(fld(x + x + y * 3, 2), fld(y * 3, 2) + x) def test_split_index_simplify(): ck = CanonicalChecker() x, y, z = te.var("x"), te.var("y"), te.var("z") tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod ck.verify(tdiv(x, 3) * 3 + tmod(x, 3), x) ck.verify(tdiv(x, 6) * 6 + tmod(tdiv(x, 3), 2) * 3 + tmod(x, 3), x) ck.verify(tdiv(tdiv(tmod(x, 16), 2) * 2, 4), tdiv(tmod(x, 16), 4)) ck.verify(tdiv(tmod(x, 2), 8), 0) ck.verify(tdiv(tmod(x, 2), 7), 0) ck.verify(tdiv(tdiv(tmod(x, 16), 2) * 2, 6), tdiv(tmod(x, 16), 6)) ck.verify(tmod((x * 8), 16), tmod(x, 2) * 8) ck.verify(tmod(x * 8, 2), 0) ck.analyzer.update(x, tvm.arith.ConstIntBound(0, 1000)) ck.analyzer.update(y, tvm.arith.ConstIntBound(0, 1000)) ck.verify(tdiv(x * 4 + y, 2) * 2 + tmod(x * 4 + y, 2), x * 4 + y) ck.verify(tdiv(z * 9 + y, 2) * 2 + tmod(z * 9 + y, 2), z * 9 + y) ck.analyzer.update(x, tvm.arith.ConstIntBound(-100, 1000), True) ck.a
nalyzer.update(y, tvm.arith.ConstIntBound(-100, 1000), True) ck.verify(tdiv(x * 4 + y, 2) * 2 + tmod(x * 4 + y, 2), x * 4 + y) fld = tvm.te.floordiv flm = tvm.te.floormod ck.verify(fld(x * 5, 2), fld(x * 5, 2)) ck.verify(fld(x, 3) * 3 + flm(x, 3), x) ck.verify(fld(x, 6) * 6 + flm(fld(x, 3), 2) * 3 + flm(x, 3), x) ck.verify(fld(fld(flm(x, 16), 2) * 2, 4), fld(flm(x, 16), 4)) ck.verify(fld(flm(x, 2), 8), 0) ck.verify(fld(flm(x, 2), 7), 0) ck.verify(fld(fld(flm(x, 16), 2) * 2, 6), fld(flm(x, 16), 6)) ck.verify(tdiv(x, 6) * 2 + tmod(fld(x, 3), 2), tdiv(x, 6) * 2 + tmod(fld(x, 3), 2)) ck.verify(tmod(-x, 2), tmod(x, -2) * -1) def test_div_simplify(): ck = CanonicalChecker() x = te.var("x") tdiv = tvm.tir.truncdiv ck.verify(tdiv(16 + 48 * x, 16), x * 3 + 1) ck.verify(tdiv(17 + 48 * x, 16), tdiv(x * 48 + 17, 16)) ck.analyzer.update(x, tvm.arith.ConstIntBound(0, 10)) ck.verify(tdiv(17 + 48 * x, 16), x * 3 + 1) ck.verify(tdiv(17 + 47 * x, 16), tdiv(x * 47 + 17, 16)) fld = tvm.te.floordiv ck.analyzer.update(x, tvm.arith.ConstIntBound(-1000, 10000), True) ck.verify(fld(16 + 48 * x, 16), x * 3 + 1) ck.verify(fld(17 + 48 * x, 16), x * 3 + 1) ck.verify(fld(17 + 47 * x, 16), fld(x * 47 + 17, 16)) def test_floormod_simplify(): ck = CanonicalChecker() flm = tvm.te.floormod x, y = te.var("x"), te.var("y") ck.verify(flm(flm((x * 4) + y - 466036, 24528) - 24512, 16), flm((x * 4) + y + 12, 16)) ck.verify(flm(flm((x * 4), 16), 8), flm(x, 2) * 4) ck.verify(flm(-x, 2), flm(x, -2) * -1) def test_canonical_mixed(): ck = CanonicalChecker() x = te.var("x") z = tvm.tir.const(3, "int32") tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod ck.verify(tdiv(x, (z * z)) - tdiv(x, (z * z)), 0) ck.verify(tdiv(x, (z + z)) - tdiv(x, (z + z)), 0) ck.verify(x - 2 < 3, x < 5) ck.verify(tvm.te.max(x, 1) - tvm.te.max(x, 1), 0) ck.verify(tvm.te.min(x
, 1) - tvm.te.min(x, 1), 0) ck.verify(x * x - x * x, 0) ck.verify(tmod(tdiv(tmod(x, 20), 2) * 2, 4), tdiv(tmod(x, 4), 2) * 2) fld = tvm.te.floordiv ck.verify(fld(x, (z * z)) - fld(x, (z * z)), 0) ck.verify(fld(x, (z + z)) - fld(x, (z + z)), 0) def test_reduce_combiner_simplify(): ck = CanonicalChecker() dummy = te.var("dummy") comm_reducer = te.comm_reducer prod = comm_reducer(lambda x, y: x * y, lambda t0: tvm.tir.const(1, t0)) sum_or_prod = comm_reducer( lambda x, y: tvm.tir.Select(dummy < 0, x + y, x * y), lambda t0: tvm.tir.Select(dummy < 0, tvm.tir.const(0, t0), tvm.tir.const(1, t0)), ) sum_and_prod = comm_reducer( lambda x, y: (x[0] + y[0], x[1] * y[1]), lambda t0, t1: (tvm.tir.const(0, t0), tvm.tir.const(5, t1) - tvm.tir.const(4, t1)), ) some_reducer1 = comm_reducer( lambda x, y: ( x[0] + y[0], x[0] + y[0] + x[1] + y[1], x[0] * y[2] + y[0] * x[2], x[1] + y[2], 4.0, ), lambda t0, t1, t2, t3, t4: ( tvm.tir.const(0, t0), tvm.tir.const(1, t1), tvm.tir.const(2, t2), tvm.tir.const(3, t3), tvm.tir.const(4, t4), ), ) k = te.reduce_axis((0, 10), name="k") A = te.placeholder((10,), name="A") ck.analyzer.update(dummy, tvm.arith.ConstIntBound(-10, -4)) ck.verify(sum_or_prod(A[k], k), te.sum(A[k], k)) ck.verify(sum_or_prod(A[k], k, init=1), te.sum(A[k], k, init=1)) ck.analyzer.update(dummy, tvm.arith.ConstIntBound(5, 9), True) ck.verify(sum_or_prod(A[k], k), prod(A[k], k)) ck.verify(sum_or_prod(A[k], k, init=1), prod(A[k], k, init=1)) ck.analyzer.update(dummy, tvm.arith.ConstIntBound(-10, 100), True) ck.verify(sum_and_prod((A[k], A[10 - k]), k)[0], te.sum(A[k], k)) ck.verify(sum_and_prod((A[k], A[10 - k]), k)[1], prod(A[10 - k], k)) reference_simplified_sources = [ [A[0]], [A[0], A[1]], [A[0], A[2]
], [A[0], A[1], A[2], A[3]], [A[4]], ] for j in range(5): simplified = ck.analyzer.canonical_simplify( some_reducer1((A[0], A[1], A[2], A[3], A[4]), k)[j] ) for lhs, rhs in zip(simplified.source, reference_simplified_sources[j]): assert tvm.ir.structural_equal(lhs, rhs) dummy = tvm.ir.GlobalVar("dummy") side_effect = lambda *xs: tvm.tir.Call("int32", dummy, xs) ck.verify( sum_and_prod((A[k], side_effect(A[10 - k])), k)[0], sum_and_prod((A[k], side_effect(A[10 - k])), k)[0], ) ck.verify(sum_and_prod((side_effect(A[k]), A[10 - k]), k)[0], te.sum(side_effect(A[k]), k)) def test_reduce_simplify(): ck = CanonicalChecker() k = te.reduce_axis((0, 10), name="k") j = te.reduce_axis((-5, 3), name="j") A = te.placeholder((10,), name="A") ck.verify(te.sum(tvm.tir.Select(k + j < 12, k + j, 0), [k, j]), te.sum(k + j, [k, j])) ck.verify(te.sum(A[3], []), A[3]) ck.verify(te.sum(A[3], [], where=k > 12, init=1.0), tvm.tir.const(1.0, dtype="float32")) ck.verify(te.sum(te.div(k, 10), k), te.sum(tvm.tir.const(0, "int32"), k)) def test_simplify_if_then_else(): ck = CanonicalChecker() x = te.var("x") y = te.var("y") tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod res = tvm.tir.if_then_else( (x * 4 + y) >= 466036, tvm.tir.if_then_else( 24512 <= tmod(((x * 4) + y) - 466036, 24528), tmod(tmod(((x * 4) + y) - 466036, 24528) - 24512, 16), x, ), y, ) res2 = tvm.tir.if_then_else( (x * 4) >= 466036 - y, tvm.tir.if_then_else( 24512 <= tmod(((x * 4) + y) - 466036, 24528), tmod(tmod(((x * 4) + y) - 466036, 24528) - 24512, 16), x, ), y, ) expected = tvm.tir.if_then_else( tvm.tir.LE(466036, (x * 4 + y)), tvm.tir.if_then_else( tvm.tir.LE(24512, tmod(((x * 4) + y)
- 4, 24528)), tmod(((x * 4) + y) - 4, 16), x ), y, ) ck.verify(res, expected) ck.verify(res2, expected) res = tvm.tir.Select(tvm.tir.all(x >= -1, y >= 0), tmod(x + y + 100, 3), tmod(x + 100, 3)) expected = tvm.tir.Select(tvm.tir.all(x >= -1, y >= 0), tmod(x + y + 1, 3), tmod(x + 100, 3)) ck.verify(res, ck.analyzer.canonical_simplify(expected)) res = tvm.tir.Select(x >= 10, tvm.tir.if_then_else(tdiv(x, 3) > 2, x, 0), 0) expected = tvm.tir.Select(x >= 10, x, 0) ck.verify(res, ck.analyzer.canonical_simplify(expected)) res = tvm.tir.Select(x >= 10, tvm.tir.if_then_else(tdiv(x, 3) < 2, x, 0), 0) ck.verify(res, 0) def test_complex_cases(): ck = CanonicalChecker() x = te.var("x") y = te.var("y") tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod res2 = ( tdiv(tdiv(tmod(x * 128 + y, 1296), 36) * 2 + 1, 2) * 36 + tdiv(tmod((x * 128) + y, 36) * 2 + 1, 2) - tmod((x * 128) + y, 1296) + 1 ) ck.analyzer.update(x, tvm.arith.ConstIntBound(0, 5)) ck.analyzer.update(y, tvm.arith.ConstIntBound(0, 127)) ck.verify(res2, 1) ck.analyzer.update(y, tvm.arith.ConstIntBound(0, 1024), True) res3 = ( tdiv(x * 1024 + y, 65536) + tdiv(tmod(x * 1024 + y, 65536), 256) + tdiv(tmod(x * 1024 + y, 256), 16) + tmod(x * 1024 + y, 16) - tdiv(y, 256) - tdiv(tmod(y, 256), 16) - tmod(y, 16) - (x * 4) ) ck.verify(res3, tdiv((x * 1024) + y, 256) - tdiv(y, 256) - (x * 4)) def test_simplify_cast(): ck = CanonicalChecker() tcast = tvm.tir.Cast fld = tvm.te.floordiv flm = tvm.te.floormod i = te.var("i", dtype="int32") j = te.var("j", dtype="int32") res = tcast("int64", i + j + 1) - tcast("int64", i) ck.verify(res, tcast("int64", j) + tvm.tir.const(1, "int64")) i = te.var("i", dtype="int64") j = te.var("j", dtype="int64") ck.analyzer.update(i, tvm.arith.ConstIntBound(0, 10)) ck.analyzer.u
pdate(j, tvm.arith.ConstIntBound(0, 10)) res = tcast("int32", i + j + 1) - tcast("int32", i) ck.verify(res, tcast("int32", j) + 1) i = te.var("i", dtype="int64") j = te.var("j", dtype="int64") ck.analyzer.update(i, tvm.arith.ConstIntBound(0, 2**31 - 1)) ck.analyzer.update(j, tvm.arith.ConstIntBound(0, 10)) res = tcast("int32", i + j - 100) ck.verify(res, res) axis = te.var("axis", dtype="int64") ck.analyzer.update(axis, tvm.arith.ConstIntBound(0, 42)) res = ( tcast( "int32", flm(axis, tvm.tir.const(7, "int64")) * tvm.tir.const(2, "int64") + tvm.tir.const(1, "int64"), ) + tvm.tir.const(1, "int32") - tcast("int32", flm(axis, tvm.tir.const(7, "int64")) * tvm.tir.const(2, "int64")) ) ck.verify(res, 2) if __name__ == "__main__": test_floormod_simplify() test_mul_sum_simplify() test_simplify_if_then_else() test_div_simplify() test_reduce_simplify() test_reduce_combiner_simplify() test_split_index_simplify() test_canonical_mixed() test_complex_cases() test_simplify_cast()
import tvm
import tvm.testing from tvm
import te def test_dtype_bound(): analyzer = tvm.arith.Analyzer() x = te.var("x", dtype="int64") bd = analyzer.const_int_bound(x) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF x = te.var("x", dtype="int8") bd = analyzer.const_int_bound(x) assert bd.min_value == -128 assert bd.max_value == 127 x = te.var("x", dtype="uint8") bd = analyzer.const_int_bound(x) assert bd.min_value == 0 assert bd.max_value == 255 def test_cast_bound(): analyzer = tvm.arith.Analyzer() x = te.var("x", dtype="int8") tmod = tvm.tir.truncmod bd = analyzer.const_int_bound(tmod(x, 3).astype("uint32")) assert bd.min_value == 0 assert bd.max_value == 2 bd = analyzer.const_int_bound(tmod(x, 3).astype("float32").astype("int32")) assert bd.min_value == -2 assert bd.max_value == 2 def test_add_sub_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x", "int64"), te.var("y", "int64") bd = analyzer.const_int_bound(x + y) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF analyzer.update(x, tvm.arith.ConstIntBound(0, 4)) analyzer.update(y, tvm.arith.ConstIntBound(1, 10)) bd = analyzer.const_int_bound(x + y) assert bd.min_value == 1 assert bd.max_value == 14 bd = analyzer.const_int_bound(x - y) assert bd.min_value == -10 assert bd.max_value == 3 analyzer.update(x, tvm.arith.ConstIntBound(0, bd.POS_INF), override=True) bd = analyzer.const_int_bound(x - y) assert bd.min_value == -10 assert bd.max_value == bd.POS_INF bd = analyzer.const_int_bound(1 - x) assert bd.min_value == bd.NEG_INF assert bd.max_value == 1 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, bd.NEG_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(bd.NEG_INF, bd.POS_INF), override=True) bd = analyzer.const_int_bound(x + y) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF analyzer.update(x, tvm.
arith.ConstIntBound(bd.POS_INF, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(bd.NEG_INF, bd.POS_INF), override=True) bd = analyzer.const_int_bound(x + y) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF def test_mul_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") analyzer.update(x, tvm.arith.ConstIntBound(-2, 4)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(x * y + 20) assert bd.min_value == 0 assert bd.max_value == 60 analyzer.update(x, tvm.arith.ConstIntBound(-3, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-8, 2), override=True) bd = analyzer.const_int_bound(x * y) assert bd.min_value == -32 assert bd.max_value == 24 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-8, 2), override=True) bd = analyzer.const_int_bound(x * y) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF def test_truncdiv_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") tdiv = tvm.tir.truncdiv analyzer.update(x, tvm.arith.ConstIntBound(-9, 4)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(tdiv(x, y)) assert bd.min_value == -2 analyzer.update(x, tvm.arith.ConstIntBound(-9, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-2, 0), override=True) bd = analyzer.const_int_bound(tdiv(x, y)) assert bd.min_value == -4 assert bd.max_value == 9 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-2, 1), override=True) bd = analyzer.const_int_bound(tdiv(x, y)) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF analyzer.update(x, tvm.arith.ConstIntBound(-9, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-4, 12), ove
rride=True) bd = analyzer.const_int_bound(tdiv(x, y)) assert bd.min_value == -9 assert bd.max_value == 9 def test_truncmod_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") tmod = tvm.tir.truncmod analyzer.update(x, tvm.arith.ConstIntBound(-9, 4)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(tmod(x, y)) assert bd.min_value == -9 assert bd.max_value == 4 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True) bd = analyzer.const_int_bound(tmod(x, y)) assert bd.min_value == -9 assert bd.max_value == 9 analyzer.update(x, tvm.arith.ConstIntBound(1, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True) bd = analyzer.const_int_bound(tmod(x, y)) assert bd.min_value == 0 assert bd.max_value == 9 def test_floordiv_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") fld = tvm.te.floordiv analyzer.update(x, tvm.arith.ConstIntBound(-9, 4)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(fld(x, y)) assert bd.min_value == -9 analyzer.update(x, tvm.arith.ConstIntBound(-9, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-2, 0), override=True) bd = analyzer.const_int_bound(fld(x, y)) assert bd.min_value == -4 assert bd.max_value == 9 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-2, 1), override=True) bd = analyzer.const_int_bound(fld(x, y)) assert bd.min_value == bd.NEG_INF assert bd.max_value == bd.POS_INF analyzer.update(x, tvm.arith.ConstIntBound(-9, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(-4, 12), override=True) bd = analyzer.const_int_bound(fld(x, y)) assert bd.min_value == -9 assert bd.max_value
== 9 x, y = te.var("x", dtype="uint32"), te.var("y", dtype="uint32") analyzer.update(x, tvm.arith.ConstIntBound(1, 4), override=True) analyzer.update(y, tvm.arith.ConstIntBound(0, 12), override=True) bd = analyzer.const_int_bound(fld(x, y)) assert bd.min_value == 0 assert bd.max_value == 4 def test_floormod_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") flm = tvm.te.floormod analyzer.update(x, tvm.arith.ConstIntBound(-9, 4)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(flm(x, y)) assert bd.min_value == 0 assert bd.max_value == 9 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True) bd = analyzer.const_int_bound(flm(x, y)) assert bd.min_value == 0 assert bd.max_value == 9 analyzer.update(x, tvm.arith.ConstIntBound(1, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True) bd = analyzer.const_int_bound(flm(x, y)) assert bd.min_value == 0 assert bd.max_value == 9 def test_min_max_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") analyzer.update(x, tvm.arith.ConstIntBound(-9, 11)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(tvm.te.min(x, y)) assert bd.min_value == -9 assert bd.max_value == 10 analyzer.update(x, tvm.arith.ConstIntBound(bd.NEG_INF, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True) bd = analyzer.const_int_bound(tvm.te.min(x, y)) assert bd.min_value == bd.NEG_INF assert bd.max_value == 10 bd = analyzer.const_int_bound(tvm.te.max(x, y)) assert bd.min_value == 4 assert bd.max_value == bd.POS_INF analyzer.update(x, tvm.arith.ConstIntBound(1, bd.POS_INF), override=True) analyzer.update(y, tvm.arith.ConstIntBound(4, 10), override=True)
bd = analyzer.const_int_bound(tvm.te.max(x, y)) assert bd.min_value == 4 assert bd.max_value == bd.POS_INF def test_select_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") analyzer.update(x, tvm.arith.ConstIntBound(-9, 11)) analyzer.update(y, tvm.arith.ConstIntBound(4, 10)) bd = analyzer.const_int_bound(tvm.tir.Select(x > 1, (y < 0).astype("int32"), y + 1)) assert bd.min_value == 0 assert bd.max_value == 11 def test_shift_and_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") analyzer.update(x, tvm.arith.ConstIntBound(-9, 11)) analyzer.update(y, tvm.arith.ConstIntBound(2, 10)) bd = analyzer.const_int_bound(x >> y) assert bd.min_value == -3 assert bd.max_value == 2 bd = analyzer.const_int_bound(x & y) assert bd.min_value == 0 assert bd.max_value == 10 analyzer.update(x, tvm.arith.ConstIntBound(10, 11), override=True) bd = analyzer.const_int_bound(x & y) assert bd.min_value == 0 assert bd.max_value == 10 def test_mix_index_bound(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod analyzer.update(x, tvm.arith.ConstIntBound(0, 24 - 1)) analyzer.update(y, tvm.arith.ConstIntBound(0, 3 - 1)) bd = analyzer.const_int_bound(tmod(x, 8) + tdiv(x, 8) * 8) assert bd.min_value == 0 assert bd.max_value == 24 - 1 bd = analyzer.const_int_bound(y + x * 3) assert bd.min_value == 0 assert bd.max_value == 24 * 3 - 1 bd = analyzer.const_int_bound(tmod(x, 7) + tdiv(x, 7) * 7) assert bd.min_value == 0 assert bd.max_value == (23 def test_size_var_bound(): analyzer = tvm.arith.Analyzer() x = te.size_var("x") bd = analyzer.const_int_bound(x) assert bd.min_value == 0 assert bd.max_value == bd.POS_INF def test_let_bound(): analyzer = tvm.arith.Analyzer() x = te.var("x") bd = analyzer.const_int_bound(tvm.tir.Let(x, 1, x + 1)) asse
rt bd.min_value == 2 assert bd.max_value == 2 def test_floormod_negative_divisor(): analyzer = tvm.arith.Analyzer() flm, fld = tvm.te.floormod, tvm.te.floordiv a, b = te.var("a"), te.var("b") analyzer.update(a, tvm.arith.ConstIntBound(0, 6)) analyzer.update(b, tvm.arith.ConstIntBound(-5, 7)) bd = analyzer.const_int_bound(flm(a, b)) assert bd.min_value == -4 assert bd.max_value == 6 def test_multiple_condition(): analyzer = tvm.arith.Analyzer() flm, fld = tvm.te.floormod, tvm.te.floordiv a = te.var("a") analyzer.update(a, tvm.arith.ConstIntBound(0, 128)) with analyzer.constraint_scope(tvm.tir.all(1 <= flm(a, 58), flm(a, 58) < 57)): bound = analyzer.const_int_bound(flm(a, 58) - 1) assert bound.min_value == 0 if __name__ == "__main__": tvm.testing.main()
import pytest
import tvm
import tvm.testing from tvm
import te from tvm.tir.buffer
import decl_buffer def test_deduce(): a = te.var("a") b = te.var("b") c = te.var("c") d = te.var("d") b_s = tvm.arith.IntervalSet(2, 3) c_s = tvm.arith.IntervalSet(10, 15) d_s = tvm.arith.IntervalSet(-3, -1) zero = tvm.tir.const(0, "int32") fdiv = tvm.te.floordiv e0 = (-b) * a + c - d res0 = tvm.arith.deduce_bound(a, e0 >= 0, {b: b_s, c: c_s, d: d_s}, {}) ans0 = fdiv(d - c, b * -1) tvm.testing.assert_prim_expr_equal(res0.max_value, ans0) res0 = tvm.arith.deduce_bound(a, zero <= e0, {b: b_s, c: c_s, d: d_s}, {}) tvm.testing.assert_prim_expr_equal(res0.max_value, ans0) e0 = d * a + c - d res0 = tvm.arith.deduce_bound(a, e0 >= 0, {b: b_s, c: c_s, d: d_s}, {}) ans0 = fdiv(d - c, d) tvm.testing.assert_prim_expr_equal(res0.max_value, ans0) res0 = tvm.arith.deduce_bound(a, zero <= e0, {b: b_s, c: c_s, d: d_s}, {}) tvm.testing.assert_prim_expr_equal(res0.max_value, ans0) e1 = a * 4 + b < c res1 = tvm.arith.deduce_bound(a, e1, {b: b_s, c: c_s, d: d_s}, {}) ans1 = fdiv(c - 1 - b, 4) tvm.testing.assert_prim_expr_equal(res1.max_value, ans1) e1 = c > a * 4 + b res1 = tvm.arith.deduce_bound(a, e1, {b: b_s, c: c_s, d: d_s}, {}) tvm.testing.assert_prim_expr_equal(res1.max_value, ans1) e2 = tvm.te.max(5, a * 4) < 0 res2 = tvm.arith.deduce_bound(a, e2, {b: b_s, c: c_s, d: d_s}, {}) assert str(res2.max_value) == "neg_inf: handle" assert str(res2.min_value) == "pos_inf: handle" e2 = zero < tvm.te.max(5, a * 4) res2 = tvm.arith.deduce_bound(a, e2, {b: b_s, c: c_s, d: d_s}, {}) assert str(res2.max_value) == "neg_inf: handle" assert str(res2.min_value) == "pos_inf: handle" e3 = (-b) + a * c - d res3 = tvm.arith.deduce_bound(a, e3 >= 0, {b: b_s, c: c_s, d: d_s}, {b: b_s, d: d_s}) ans3 = fdiv(2, c) + 1 tvm.testing.assert_prim_expr_equal(res3.min_value, ans3) res3 = tvm.arith.deduce_bound(a, zero <= e3, {b: b_s, c: c_s, d: d_s}, {b: b_s, d: d_s
}) tvm.testing.assert_prim_expr_equal(res3.min_value, ans3) res4 = tvm.arith.deduce_bound(a, a == b, {}, {}) tvm.testing.assert_prim_expr_equal(res4.max_value, b) tvm.testing.assert_prim_expr_equal(res4.min_value, b) res5 = tvm.arith.deduce_bound(a, (a == b), {b: b_s}, {b: b_s}) assert str(res5.max_value) == "neg_inf: handle" assert str(res5.min_value) == "pos_inf: handle" res6 = tvm.arith.deduce_bound(a, 10 == a, {}, {}) tvm.testing.assert_prim_expr_equal(res6.max_value, 10) tvm.testing.assert_prim_expr_equal(res6.min_value, 10) e4 = (a - c) == (b + d) ans4 = b + d + c res7 = tvm.arith.deduce_bound(a, e4, {b: b_s, c: c_s, d: d_s}, {}) tvm.testing.assert_prim_expr_equal(res7.max_value, ans4) tvm.testing.assert_prim_expr_equal(res7.min_value, ans4) res8 = tvm.arith.deduce_bound(a, (5 * a == -10), {}, {}) tvm.testing.assert_prim_expr_equal(res8.max_value, -2) tvm.testing.assert_prim_expr_equal(res8.min_value, -2) e5 = 4 * a == b res9 = tvm.arith.deduce_bound(a, e5, {b: b_s}, {}) assert str(res9.max_value) == "neg_inf: handle" assert str(res9.min_value) == "pos_inf: handle" res10 = tvm.arith.deduce_bound( a, (b * a == b), {b: b_s}, {} ) assert str(res10.max_value) == "neg_inf: handle" assert str(res10.min_value) == "pos_inf: handle" def test_check(): a = te.var("a") b = te.var("b") c = te.var("c") d = te.var("d") b_s = tvm.arith.IntervalSet(2, 3) c_s = tvm.arith.IntervalSet(5, 7) d_s = tvm.arith.IntervalSet(-3, -1) res1 = tvm.arith.deduce_bound(a, a + b, {b: b_s}, {}) assert res1.is_nothing() res2 = tvm.arith.deduce_bound(a, (a + b > 3).astype(c.dtype) > c, {b: b_s, c: c_s}, {}) assert res2.is_nothing() res2 = tvm.arith.deduce_bound(a, a * 2 - a > b, {b: b_s}, {}) assert res2.is_nothing() def test_deduce_basic(): def test_basic(a1, a2, coff): a = te.var("a") b = te.var(
"b") b_s = tvm.arith.IntervalSet(a1, a2) e0 = b + a * coff + 3 res1 = tvm.arith.deduce_bound(a, e0 < 17, {b: b_s}, {b: b_s}) [x, y] = [res1.max_value, b_s.max_value] if coff > 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal((x * coff + 3 + y) < 17, True) res1 = tvm.arith.deduce_bound(a, tvm.tir.const(17, "int32") < e0, {b: b_s}, {b: b_s}) [x, y] = [res1.max_value, b_s.max_value] if coff < 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal((x * coff + 3 + y) > 17, True) res1 = tvm.arith.deduce_bound(a, tvm.tir.const(17, "int32") >= e0, {b: b_s}, {b: b_s}) [x, y] = [res1.max_value, b_s.max_value] if coff > 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal((x * coff + 3 + y) <= 17, True) res1 = tvm.arith.deduce_bound(a, e0 >= 17, {b: b_s}, {b: b_s}) [x, y] = [res1.max_value, b_s.max_value] if coff < 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal((x * coff + 3 + y) >= 17, True) test_basic(0, 4, 4) test_basic(1, 5, 4) test_basic(2, 6, 4) test_basic(0, 4, -4) test_basic(1, 5, -4) test_basic(2, 6, -4) def test_deduce_complex(): def test_complex(a1, a2, coff): a = te.var("a") b = te.var("b") b_s = tvm.arith.IntervalSet(a1, a2) e0 = (b * 3 + a * coff) * 4 res1 = tvm.arith.deduce_bound(a, e0 < 63, {b: b_s}, {b: b_s}) [t, x] = [res1.max_value, b_s.max_value] if coff > 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal(((x * 3 + t * coff) * 4) < 63, True) res1 = tvm.arith.deduce_bound(a, tvm.tir.const(63, "int32") >= e0, {b: b_s}, {b: b_s}) [t, x] = [res1.max_value, b_s.max_value] if coff > 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal(((x * 3 + t * coff) * 4) <= 63, True) res1 = tvm.arith.deduce_bound(a, e0 > 63, {
b: b_s}, {b: b_s}) [t, x] = [res1.max_value, b_s.max_value] if coff < 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal(((x * 3 + t * coff) * 4) > 63, True) res1 = tvm.arith.deduce_bound(a, tvm.tir.const(63, "int32") <= e0, {b: b_s}, {b: b_s}) [t, x] = [res1.max_value, b_s.max_value] if coff < 0 else [res1.min_value, b_s.min_value] tvm.testing.assert_prim_expr_equal(((x * 3 + t * coff) * 4) >= 63, True) test_complex(0, 4, 4) test_complex(0, 4, -4) test_complex(2, 6, 4) test_complex(0, 4, -4) test_complex(1, 5, -4) test_complex(2, 6, -4) def test_deduce_non_support(): a = te.var("a") def test_non_support(lhs): res = tvm.arith.deduce_bound(a, lhs < 10, {}, {}) assert res.is_nothing() test_non_support(tvm.tir.floordiv(a, 16)) test_non_support(tvm.tir.floormod(a, 16)) test_non_support(tvm.tir.Min(a, 16)) test_non_support(tvm.tir.Max(a, 16)) test_non_support(tvm.tir.LE(a, 16)) test_non_support(tvm.tir.LT(a, 16)) test_non_support(tvm.tir.GE(a, 16)) test_non_support(tvm.tir.GT(a, 16)) test_non_support(tvm.tir.EQ(a, 16)) test_non_support(tvm.tir.NE(a, 16)) test_non_support(tvm.tir.log(a)) test_non_support(tvm.tir.BufferLoad(decl_buffer([16], "int32"), [a])) if __name__ == "__main__": pytest.main([__file__])
# Licensed to the Apache Software Foundation (ASF) under one # or more contributor license agreements. See the NOTICE file # distributed with this work for additional information # regarding copyright ownership. The ASF licenses this file # to you 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 tvm import tvm.testing from tvm import te def test_basic(): a = te.var("a") b = te.var("b") c = te.var("c") m = tvm.arith.detect_clip_bound(tvm.tir.all(a * 1 < b * 6, a - 1 > 0), [a]) tvm.testing.assert_prim_expr_equal(m[1], b * 6 - 1) assert m[0].value == 2 m = tvm.arith.detect_clip_bound(tvm.tir.all(a * 1 < b * 6, a - 1 > 0), [a, b]) assert len(m) == 0 m = tvm.arith.detect_clip_bound(tvm.tir.all(a + 10 * c <= 20, b - 1 > 0), [a, b]) tvm.testing.assert_prim_expr_equal(m[1], 20 - 10 * c) tvm.testing.assert_prim_expr_equal(m[2], 2) m = tvm.arith.detect_clip_bound(tvm.tir.all(tvm.tir.Not(a * 1 > b * 6), a - 1 > 0), [a]) tvm.testing.assert_prim_expr_equal(m[1], b * 6) m = tvm.arith.detect_clip_bound(tvm.tir.all(tvm.tir.Min(a, b) > 3, a - 10 < 0), [a, b]) tvm.testing.assert_prim_expr_equal(m[0], 4) tvm.testing.assert_prim_expr_equal(m[1], 9) tvm.testing.assert_prim_expr_equal(m[2], 4) if __name__ == "__main__": test_basic()
import tvm
import tvm.testing from tvm
import te def test_basic(): a = te.var("a") b = te.var("b") m = tvm.arith.detect_linear_equation(a * 4 + b * 6 + 7, [a]) assert m[0].value == 4 tvm.testing.assert_prim_expr_equal(m[1], b * 6 + 7) m = tvm.arith.detect_linear_equation(a * 4 * (a + 1) + b * 6 + 7, [a]) assert len(m) == 0 m = tvm.arith.detect_linear_equation(a * 4 + (a + 1) + b * 6 + 7, [a]) assert m[0].value == 5 tvm.testing.assert_prim_expr_equal(m[1], b * 6 + 7 + 1) m = tvm.arith.detect_linear_equation(a * b + 7, [a]) assert m[0] == b m = tvm.arith.detect_linear_equation(b * 7, [a]) assert m[0].value == 0 m = tvm.arith.detect_linear_equation(b * 7, []) assert len(m) == 1 tvm.testing.assert_prim_expr_equal(m[0], b * 7) def test_multivariate(): v = [te.var("v%d" % i) for i in range(4)] b = te.var("b") m = tvm.arith.detect_linear_equation(v[0] * (b + 4) + v[0] + v[1] * 8, v) tvm.testing.assert_prim_expr_equal(m[0], b + 5) assert m[1].value == 8 m = tvm.arith.detect_linear_equation(v[0] * (b + 4) + v[0] + v[1] * 8 * v[2], v) assert len(m) == 0 m = tvm.arith.detect_linear_equation(v[0] * (b + 4) + v[0] + v[1] * 8 * v[1] + v[3], v) assert len(m) == 0 m = tvm.arith.detect_linear_equation(((v[0] * b + v[1]) * 8 + v[2] + 1) * 2, v) assert m[1].value == 16 assert m[2].value == 2 assert m[len(m) - 1].value == 2 m = tvm.arith.detect_linear_equation((v[0] - v[1]), [v[2]]) assert m[0].value == 0 tvm.testing.assert_prim_expr_equal(m[1], v[0] - v[1]) m = tvm.arith.detect_linear_equation((v[0] - v[1]), []) assert len(m) == 1 tvm.testing.assert_prim_expr_equal(m[0], v[0] - v[1]) if __name__ == "__main__": test_basic() test_multivariate()
import tvm from tvm
import te from tvm.script
import tir as T @T.prim_func def scalar_func(a: T.handle, b: T.handle): m = T.var("int32") n = 100 A = T.match_buffer(a, (n, m)) B = T.match_buffer(b, (n, m)) for i, j in T.grid(n, m): A[i, j] = B[i - 1, j + 1] + A[i - 1, j - 1] @T.prim_func def vector_func(a: T.handle, b: T.handle): n = T.var("int32") m = 128 A = T.match_buffer(a, (n, m)) B = T.match_buffer(b, (n, m)) for i in T.serial(n): for j in T.vectorized(m): A[i, j] = A[i, j] + B[i, j] def test_domain_touched(): func = scalar_func a, b = [func.buffer_map[var] for var in func.params] ir = func.body a_domain_r = tvm.arith._ffi_api.DomainTouched(ir, a, True, False) assert a_domain_r[0].min.value == -1 assert a_domain_r[0].extent.value == 100 assert a_domain_r[1].min.value == -1 assert a_domain_r[1].extent.name == "m" a_domain_w = tvm.arith._ffi_api.DomainTouched(ir, a, False, True) assert a_domain_w[0].min.value == 0 assert a_domain_w[0].extent.value == 100 assert a_domain_w[1].min.value == 0 assert a_domain_w[1].extent.name == "m" a_domain_rw = tvm.arith._ffi_api.DomainTouched(ir, a, True, True) assert a_domain_rw[0].min.value == -1 assert a_domain_rw[0].extent.value == 101 assert a_domain_rw[1].min.value == -1 assert isinstance(a_domain_rw[1].extent, tvm.tir.Add) assert a_domain_rw[1].extent.a.name == "m" assert a_domain_rw[1].extent.b.value == 1 b_domain_r = tvm.arith._ffi_api.DomainTouched(ir, b, True, False) assert b_domain_r assert b_domain_r[0].min.value == -1 assert b_domain_r[0].extent.value == 100 assert b_domain_r[1].min.value == 1 assert b_domain_r[1].extent.name == "m" b_domain_w = tvm.arith._ffi_api.DomainTouched(ir, b, False, True) assert isinstance(b_domain_w, tvm.container.Array) assert len(b_domain_w) == 0 def test_domain_touched_vector(): func = tvm.lower(vector_func)["main"] a, b = [func.buffer_map[var] for var in func.params] as
sert tvm.arith._ffi_api.DomainTouched(func.body, a, True, False)[0].extent.value == 128 assert tvm.arith._ffi_api.DomainTouched(func.body, a, True, False)[0].extent.value == 128 assert tvm.arith._ffi_api.DomainTouched(func.body, a, True, True)[0].extent.value == 128 assert tvm.arith._ffi_api.DomainTouched(func.body, b, True, False)[0].extent.value == 128 assert tvm.arith._ffi_api.DomainTouched(func.body, b, True, False)[0].extent.value == 128 if __name__ == "__main__": test_domain_touched()
import tvm
import tvm.testing from tvm
import te from tvm
import tir from tvm.arith.analyzer
import Analyzer class IntSetChecker: def __init__(self): self.analyzer = tvm.arith.Analyzer() def verify(self, data, dmap, expected): res = self.analyzer.int_set(data, dmap) def err_msg(): return "\ndata={}\ndmap={}\nres={}\nexpected={}".format(data, dmap, res, expected) assert self.analyzer.can_prove_equal(res.min_value, expected[0]), err_msg() assert self.analyzer.can_prove_equal(res.max_value, expected[1]), err_msg() def test_basic(): s = tvm.arith.IntervalSet(2, 3) assert s.min_value.value == 2 assert s.max_value.value == 3 s = tvm.arith.IntSet.single_point(2) assert s.min_value.value == 2 assert s.max_value.value == 2 def test_vector(): base = 10 stride = 3 lanes = 2 s = tvm.arith.IntSet.vector(tvm.tir.Ramp(base, stride, lanes)) assert s.min_value.value == base assert s.max_value.value == base + stride * (lanes - 1) def test_add_sub(): ck = IntSetChecker() x, y = te.var("x"), te.var("y") ck.verify(x + y, {x: tvm.arith.IntervalSet(0, 10)}, (y, 10 + y)) ck.verify(x + y, {x: tvm.arith.IntervalSet(0, 10), y: tvm.arith.IntervalSet(1, 11)}, (1, 21)) ck.verify(x - y, {x: tvm.arith.IntervalSet(0, 10), y: tvm.arith.IntervalSet(1, 11)}, (-11, 9)) def test_mul_div(): ck = IntSetChecker() x, y = te.var("x"), te.var("y") tdiv = tvm.tir.truncdiv ck.analyzer.update(y, tvm.arith.ConstIntBound(1, 100), override=True) ck.verify(x * y, {x: tvm.arith.IntervalSet(0, 10)}, (0, 10 * y)) ck.verify(x * 2, {x: tvm.arith.IntervalSet(1, 10)}, (2, 20)) ck.verify(x * -2, {x: tvm.arith.IntervalSet(1, 10)}, (-20, -2)) ck.verify(tdiv(x, y), {x: tvm.arith.IntervalSet(0, 10)}, (0, tdiv(10, y))) ck.verify(tdiv(x, 2), {x: tvm.arith.IntervalSet(1, 10)}, (0, 5)) fld = tvm.te.floordiv ck.verify(fld(x, y), {x: tvm.arith.IntervalSet(0, 10)}, (0, fld(10, y))) ck.verify(fld(x, 2), {x: tvm.arith.IntervalSet(-1, 10)}, (-1, 5)) def test_mod(): ck = IntSetChec
ker() x, y = te.var("x"), te.var("y") tmod = tvm.tir.truncmod ck.analyzer.update(y, tvm.arith.ConstIntBound(1, 100), override=True) ck.verify(tmod(x, y), {x: tvm.arith.IntervalSet(0, 10)}, (0, y - 1)) ck.verify(tmod(x, 10), {x: tvm.arith.IntervalSet(1, 10)}, (0, 9)) flm = tvm.te.floormod ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(-10, 10)}, (0, 9)) ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(3, 5)}, (3, 5)) ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(13, 15)}, (3, 5)) ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(3, 15)}, (0, 9)) ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(3, 11)}, (0, 9)) ck.verify(flm(x, 10), {x: tvm.arith.IntervalSet(1, 21)}, (0, 9)) fld = tvm.te.floordiv z = te.var("z") ck.analyzer.bind(x, tvm.ir.Range.from_min_extent(0, 3)) ck.verify( flm(y, 8), {y: tvm.arith.IntervalSet(z * 8 + x * 4, z * 8 + x * 4 + 3)}, ( z * 8 + x * 4 - 8 * fld(z * 8 + x * 4, 8), z * 8 + x * 4 + 3 - 8 * fld(z * 8 + x * 4, 8), ), ) ck1 = IntSetChecker() ck1.analyzer.bind(x, tvm.ir.Range.from_min_extent(0, 2)) ck1.verify( flm(y, 8), {y: tvm.arith.IntervalSet(z * 8 + x * 4, z * 8 + x * 4 + 3)}, (x * 4, x * 4 + 3) ) def test_max_min(): ck = IntSetChecker() x, y = te.var("x"), te.var("y") ck.verify(tvm.te.max(x, x + 1), {x: tvm.arith.IntervalSet(0, 10)}, (1, 11)) ck.verify(tvm.te.min(x - 1, x + 1), {x: tvm.arith.IntervalSet(0, 10)}, (-1, 9)) ck.verify(tvm.te.min(x, y), {}, (tvm.te.min(x, y), tvm.te.min(x, y))) ck.verify(tvm.te.max(x, y), {}, (tvm.te.max(x, y), tvm.te.max(x, y))) def test_select(): ck = IntSetChecker() x, y = te.var("x"), te.var("y") ck.verify(tvm.tir.Select(x > 0, x - 1, x + 1), {x: tvm.arith.IntervalSet(0, 10)}, (-1, 11)) def check_region_bound(expect_region, var_dom, mode, predicate=None): """Helper to check region bound estimation. Parameters ---------- expect_region: dict T
he keys are of form (begin, end) or PrimExpr as a single point. The values are expected estimated region or region dict on different bindings. var_dom: dict Map var to iteration domain range. mode: str Specify "lowerbound", "upperbound" or else use strict bound estimation. predicate: PrimExpr Extra predicate, defaults to True. """ if predicate is None: predicate = tvm.tir.IntImm("bool", 1) region = [] expect = [] for k, v in expect_region.items(): if not isinstance(k, (tuple, list)): k = (k, k + 1) region.append(tvm.ir.Range.from_min_extent(k[0], Analyzer().simplify(k[1] - k[0]))) expect.append(v) if mode == "lowerbound": result = tvm.arith.estimate_region_lower_bound( region=region, var_dom=var_dom, predicate=predicate ) elif mode == "upperbound": result = tvm.arith.estimate_region_upper_bound( region=region, var_dom=var_dom, predicate=predicate ) else: result = tvm.arith.estimate_region_strict_bound( region=region, var_dom=var_dom, predicate=predicate ) if result is None: assert all([_ is None for _ in expect]) return assert len(result) == len(expect) for intset, expect_desc in zip(result, expect): if isinstance(expect_desc, dict): for binding in expect_desc: analyzer = Analyzer() for k, v in binding: analyzer.bind(k, v) expect_begin, expect_end = expect_desc[binding] result_begin = analyzer.simplify(intset.min_value, 3) result_end = analyzer.simplify(intset.max_value + 1, 3) print(result_end) assert analyzer.can_prove_equal( result_begin - expect_begin, 0 ), f"{result_begin} vs {expect_begin}" assert analyzer.can_prove_equal( result_end - expect_e
nd, 0 ), f"{result_end} vs {expect_end}" else: expect_begin, expect_end = expect_desc analyzer = Analyzer() assert analyzer.can_prove_equal( intset.min_value - expect_begin, 0 ), f"{intset.min_value} vs {expect_begin}" assert analyzer.can_prove_equal( intset.max_value - expect_end + 1, 0 ), f"{intset.max_value} vs {expect_end - 1}" def test_region_bound_not_independent(): i = tvm.tir.Var("i", "int32") var_dom = { i: tvm.ir.Range(begin=0, end=64), } check_region_bound({(i, i + 2): None, (i + 2, i + 4): None}, var_dom, mode="lowerbound") check_region_bound({(i, i + 2): (0, 65), (i + 2, i + 4): (2, 67)}, var_dom, mode="upperbound") i, j, k = tvm.tir.Var("i", "int32"), tvm.tir.Var("j", "int32"), tvm.tir.Var("k", "int32") var_dom = { i: tvm.ir.Range(begin=0, end=16), j: tvm.ir.Range(begin=0, end=16), k: tvm.ir.Range(begin=0, end=16), } check_region_bound( {i var_dom, predicate=j * 4 + i % 4 > 3, mode="lowerbound", ) check_region_bound( {i var_dom, predicate=j * 4 + i % 4 > 3, mode="upperbound", ) def test_region_bound_stride_too_wide(): i = tvm.tir.Var("i", "int32") var_dom = {i: tvm.ir.Range(begin=0, end=64)} check_region_bound({(i * 4, i * 4 + 2): None}, var_dom, mode="lowerbound") check_region_bound({(i * 4, i * 4 + 2): (0, 254)}, var_dom, mode="upperbound") def test_region_bound_small_stride(): i = tvm.tir.Var("i", "int32") var_dom = { i: tvm.ir.Range(begin=0, end=64), } check_region_bound({(i * 4, i * 4 + 8): (0, 260)}, var_dom, mode="lowerbound") def test_region_lower_bound_split_predicate(): x_o = tvm.tir.Var("xo", "int32") x_i = tvm.tir.Var("xi", "int32") x = x_o * 4 + x_i var_dom = { x_o: tvm.ir.Range(begin=0, end=16), x_i: tvm.ir.Range(b
egin=0, end=4), } check_region_bound({(x * 4, x * 4 + 8): (0, 256)}, var_dom, predicate=x < 63, mode="lowerbound") check_region_bound( {(x * 4, x * 4 + 8): (0, 256), (x * 3, x * 3 + 5): (0, 191)}, var_dom, predicate=x < 63, mode="upperbound", ) def test_region_lower_bound_multiple_variables(): div = tvm.tir.floordiv mod = tvm.tir.floormod x = tvm.tir.Var("x", "int32") wid = tvm.tir.Var("wid", "int32") i = div(x, 16) j = div(mod(x, 16), 4) * 8 + mod(x, 4) + div(wid, 32) * 4 k = wid % 32 var_dom = { x: tvm.ir.Range(begin=0, end=32), wid: tvm.ir.Range(begin=0, end=64), } check_region_bound({i: (0, 2), j: (0, 32), k: (0, 32)}, var_dom, mode="lowerbound") def test_region_lower_bound_negative_scale(): i = tvm.tir.Var("i", "int32") j = tvm.tir.Var("j", "int32") var_dom = { i: tvm.ir.Range(begin=0, end=4), j: tvm.ir.Range(begin=0, end=4), } check_region_bound( {(1 - i, 5 - i): (-2, 5), (20 - j * 4, 36 - j * 4): (8, 36)}, var_dom, mode="lowerbound" ) def test_region_lower_bound_for_non_perfect_tile(): h1 = tvm.tir.Var("h1", "int32") h2 = tvm.tir.Var("h2", "int32") h3 = tvm.tir.Var("h3", "int32") var_dom = { h2: tvm.ir.Range(begin=0, end=10), } check_region_bound( { h3 * 8 + h2: { (): ( tvm.tir.max(h3 * 8, 1), tvm.tir.max(h3 * 8, 1) - tvm.tir.max(h3 * 8, 214) - tvm.tir.max(1 - h3 * 8, 0) + 224, ), ((h3, 0),): (1, 10), ((h3, 10),): (h3 * 8, h3 * 8 + 10), ((h3, 27),): (h3 * 8, 224), } }, var_dom, predicate=tvm.tir.all(1 <= h3 * 8 + h2, h3 * 8 + h2 < 224), mode="lowerbound", ) var_dom = { h1: tvm.ir.Range(begin=0, end=5), h2: tvm.ir.Range(begin=0
, end=2), } check_region_bound( { h3 * 8 + h2 * 5 + h1: { (): ( tvm.tir.max(h3 * 8, 1), tvm.tir.max(h3 * 8, 1) - tvm.tir.max(h3 * 8, 214) - tvm.tir.max(1 - h3 * 8, 0) + 224, ), ((h3, 0),): (1, 10), ((h3, 10),): (h3 * 8, h3 * 8 + 10), ((h3, 27),): (h3 * 8, 224), } }, var_dom, predicate=tvm.tir.all(1 <= h3 * 8 + h2 * 5 + h1, h3 * 8 + h2 * 5 + h1 < 224), mode="lowerbound", ) check_region_bound( {h3 * 8 + h2 * 5 + h1: None}, var_dom, predicate=tvm.tir.all(1 <= h3 * 8 + h2 * 5 + h1, h3 * 8 + h1 * 2 + h2 < 224), mode="lowerbound", ) check_region_bound( {h3 * 8 + h2 * 5 + h1: (h3 * 8, h3 * 8 + 10)}, var_dom, predicate=tvm.tir.all(1 <= h3 * 8 + h2 * 5 + h1, h3 * 8 + h1 * 2 + h2 < 224), mode="upperbound", ) def test_region_lower_bound_unfusable(): var_dom = { tvm.tir.Var("i", "int32"): tvm.ir.Range(8), tvm.tir.Var("j", "int32"): tvm.ir.Range(4), } i, j = var_dom check_region_bound({(i + j) def test_union_lower_bound(): neg_inf = tvm.arith.int_set.neg_inf() pos_inf = tvm.arith.int_set.pos_inf() set_0 = tvm.arith.IntervalSet(min_value=neg_inf, max_value=0) set_1 = tvm.arith.IntervalSet(min_value=1, max_value=pos_inf) result = tvm.arith.int_set.union_lower_bound([set_0, set_1]) assert result.min_value.same_as(neg_inf) assert result.max_value.same_as(pos_inf) if __name__ == "__main__": tvm.testing.main()
from xml
import dom
import tvm
import tvm.testing from tvm.tir
import floormod, floordiv def ifuse(inputs, pred_extent=None): """Fuse iterators""" value, extent = 0, 1 for i, ext in inputs: value = value * ext + i extent = extent * ext return value, extent if pred_extent is None else pred_extent def isplit(axis, factor): """Split iterators""" fld = tvm.tir.floordiv flm = tvm.tir.floormod return [ (fld(axis[0], factor), fld(axis[1] + (factor - 1), factor)), (flm(axis[0], factor), factor), ] def var_dom(iters): """Get domains of iterators""" return {var: tvm.ir.Range(0, ext) for var, ext in iters} def convert_iter_expr(expr): return tvm.arith.normalize_iter_map_to_expr(expr) def assert_iter_sum_pattern( expect_dict, dom_map, predicate=True, check_level="surjective", simplify_trivial_iterators=True ): keys = list(expect_dict.keys()) res = tvm.arith.detect_iter_map( keys, dom_map, predicate=predicate, check_level=check_level, simplify_trivial_iterators=simplify_trivial_iterators, ) indices = res.indices assert len(indices) == len(keys), res.errors for i, input_iter in enumerate(keys): spec = expect_dict[input_iter] ( extent, base, ) = spec[0:2] scale = spec[2] if len(spec) > 2 else 1 expect_iter = spec[3] if len(spec) > 3 else None sum_expr = indices[i] assert isinstance(sum_expr, tvm.arith.IterSumExpr) if extent == 1: assert len(sum_expr.args) == 0 else: assert len(sum_expr.args) == 1 tvm.testing.assert_prim_expr_equal(sum_expr.args[0].extent, extent) tvm.testing.assert_prim_expr_equal(sum_expr.args[0].scale, scale) tvm.testing.assert_prim_expr_equal(sum_expr.base, base) if expect_iter is not None: if not isinstance(expect_iter, tvm.arith.IterMapExpr): sum_expr = convert_iter_expr(sum_expr) tvm.ir.assert_structural_equal(sum_e
xpr, expect_iter) def assert_iter_sum_failure(iters, dom_map, predicate=True, check_level="surjective"): res = tvm.arith.detect_iter_map( list(iters), dom_map, predicate=predicate, check_level=check_level ).indices assert len(res) == 0 def test_trivial(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") z = tvm.tir.Var("z", "int32") dom_map = var_dom([(x, 3), (y, 4), (z, 1)]) assert_iter_sum_pattern({x: (3, 0), y: (4, 0), 3: (1, 3)}, dom_map) assert_iter_sum_pattern({x: (3, 0), 3: (1, 3)}, dom_map) assert_iter_sum_failure([x, x, 3], dom_map) assert_iter_sum_pattern( {x: (3, 0), y: (4, 0)}, dom_map, check_level="bijective", simplify_trivial_iterators=True ) assert_iter_sum_pattern( {x: (3, 0), y: (4, 0)}, dom_map, check_level="bijective", simplify_trivial_iterators=False ) assert_iter_sum_failure([x, z], dom_map, check_level="bijective") def test_fuse(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") c = tvm.tir.SizeVar("c", "int32") c0 = tvm.tir.SizeVar("c0", "int32") assert_iter_sum_pattern({y * 3 + 1 + c + x: (12, 1 + c)}, var_dom([(x, 3), (y, 4)])) assert_iter_sum_pattern({ifuse([(x, 3), (y, 4)])[0]: (12, 0)}, var_dom([(x, 3), (y, 4)])) assert_iter_sum_pattern({(y + 1) * c + x: (4 * c, c)}, var_dom([(x, c), (y, 4)])) assert_iter_sum_failure([y * 3 + x, y], var_dom([(x, 3), (y, 4)])) assert_iter_sum_failure([y, x + 1, y], var_dom([(x, 3), (y, 4)])) assert_iter_sum_failure([y * 4 + x], var_dom([(x, 3), (y, 4)])) assert_iter_sum_pattern({x * 4 + y * 2: (6, 0, 2, (x * 2 + y) * 2)}, var_dom([(x, 3), (y, 2)])) assert_iter_sum_pattern( {x * 2 * c0 + y * 2: (3 * c0, 0, 2, (x * c0 + y) * 2)}, var_dom([(x, 3), (y, c0)]) ) def test_split(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") c0 = tvm.tir.SizeVar("c0", "int32") c1 = tvm.tir.SizeVar("c1", "int32") fld = tvm.tir.floor
div flm = tvm.tir.floormod assert_iter_sum_pattern({fld(x, 3): (8, 0), flm(x, 3) * 2 + c1: (3, c1, 2)}, var_dom([(x, 24)])) assert_iter_sum_pattern( {fld(x, 6): (4, 0), fld(flm(x, 6), 2): (3, 0), flm(x, 2): (2, 0)}, var_dom([(x, 24)]) ) assert_iter_sum_pattern({fld(x, c0): (c1, 0), flm(x, c0): (c0, 0)}, var_dom([(x, c1 * c0)])) assert_iter_sum_pattern({fld(x * 2, 4): (4, 0, 1), flm(x * 2, 4): (2, 0, 2)}, var_dom([(x, 8)])) assert_iter_sum_pattern( { fld(x * 2, 4) * 4 + flm(x * 2, 4): (8, 0, 2), }, var_dom([(x, 8)]), ) assert_iter_sum_failure([fld(x, flm(flm(y, 8), 6))], var_dom([(x, 24), (y, 8)])) assert_iter_sum_pattern( {fld(flm(x, 49) + y, 49): (1, fld(flm(x, 49) + y, 49))}, var_dom([(y, 1)]) ) def test_compound(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") xo, xi = isplit((x, 10), 5) yo, yi = isplit((y, 9), 3) z = ifuse([yo, xo, yi]) mx = tvm.arith.IterMark(x, 10) my = tvm.arith.IterMark(y, 9) xoscale = 3 yoscale = 6 yiscale = 1 mxo = tvm.arith.IterSplitExpr(mx, 5, 2, xoscale) myo = tvm.arith.IterSplitExpr(my, 3, 3, yoscale) myi = tvm.arith.IterSplitExpr(my, 1, 3, yiscale) mz = tvm.arith.IterMark(tvm.arith.IterSumExpr([myo, mxo, myi], 0), 18) sz = tvm.arith.IterSumExpr([tvm.arith.IterSplitExpr(mz, 1, 18, 1)], 0) assert_iter_sum_pattern({z[0]: (18, 0, 1, sz), xi[0]: (5, 0)}, var_dom([(x, 10), (y, 9)])) def test_predicate(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") assert_iter_sum_pattern( {x * 10 + y: (128, 0)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 + y < 128 ) assert_iter_sum_pattern( {x * 10 + y: (128, 0)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 + y <= 127 ) assert_iter_sum_pattern( {x * 10 + y: (124, 6)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 + y > 5 ) assert_iter_sum_pattern(
{x * 10 + y: (124, 6)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 + y >= 6 ) assert_iter_sum_pattern( {x * 10 + y: (122, 6)}, var_dom([(x, 13), (y, 10)]), predicate=tvm.tir.And(x * 10 + y > 5, x * 10 + y < 128), ) assert_iter_sum_pattern( {x * 10 + y: (122, 6)}, var_dom([(x, 13), (y, 10)]), predicate=tvm.tir.And(x * 10 + y >= 6, x * 10 + y <= 127), ) i = tvm.tir.Var("i", "int32") j = tvm.tir.Var("j", "int32") k = tvm.tir.Var("k", "int32") assert_iter_sum_pattern( {i * 8 + j * 2 + k: (88, 1)}, var_dom([(i, 11), (j, 5), (k, 2)]), predicate=tvm.tir.all(1 <= j * 2 + k, j * 2 + k < 9), ) assert_iter_sum_pattern({i: (10, 0)}, var_dom([(i, 48)]), predicate=i < 10) assert_iter_sum_failure( [i, j, k], var_dom([(i, 128), (j, 128), (k, 128)]), predicate=tvm.tir.all(i * 16384 + j * 128 + k < 100), ) assert_iter_sum_failure( [i * 128 + j, k], var_dom([(i, 128), (j, 128), (k, 128)]), predicate=i * 16384 + j * 128 + k < 100, ) assert_iter_sum_pattern({i + j: (1, j)}, var_dom([(i, 1)]), predicate=j <= 24) assert_iter_sum_pattern( {i * 8 + j * 2 + k: (22, 3)}, var_dom([(i, 11), (j, 5), (k, 2)]), predicate=tvm.tir.all( 1 <= j * 2 + k, j * 2 + k < 9, 3 <= i * 8 + j * 2 + k, i * 8 + j * 2 + k < 25 ), ) assert_iter_sum_pattern( {i * 6 + j * 2 + k: (66, 2)}, var_dom([(i, 11), (j, 5), (k, 2)]), predicate=tvm.tir.all(1 <= j * 2 + k, 2 <= j * 2 + k, j * 2 + k < 8, j * 2 + k < 9), ) assert_iter_sum_pattern( {i * 6 + j * 2 + k: (15, 3)}, var_dom([(i, 11), (j, 5), (k, 2)]), predicate=tvm.tir.all( 1 <= j * 2 + k, 2 <= j * 2 + k, j * 2 + k < 8, j * 2 + k < 9, 3 <= i * 6 + j * 2 + k, i * 6 + j * 2 + k < 25,
1 <= i * 6 + j * 2 + k, i * 6 + j * 2 + k < 18, ), ) assert_iter_sum_failure( [i * 8 + j * 2 + k], var_dom([(i, 11), (j, 5), (k, 2)]), predicate=tvm.tir.all(2 <= j * 2 + k, 0 <= i * 4 + j), ) i0 = tvm.tir.Var("i0", "int32") i1 = tvm.tir.Var("i1", "int32") i2 = tvm.tir.Var("i2", "int32") i3 = tvm.tir.Var("i3", "int32") i4 = tvm.tir.Var("i4", "int32") i5 = tvm.tir.Var("i5", "int32") assert_iter_sum_pattern( {i0 * 180 + i1 * 60 + i2 * 30 + i3 * 15 + i4 * 6 + i5: (540, 93)}, var_dom([(i0, 3), (i1, 4), (i2, 3), (i3, 2), (i4, 3), (i5, 6)]), predicate=tvm.tir.all(1 <= i1, 2 <= i2 * 2 + i3, 3 <= i4 * 6 + i5), ) assert_iter_sum_pattern( {i0 * 45 + i1 * 45 + i2 * 9 + i3 * 4 + i4: (135, 28)}, var_dom([(i0, 3), (i1, 2), (i2, 5), (i3, 3), (i4, 4)]), predicate=tvm.tir.all( 3 <= i1 * 5 + i2, i1 * 5 + i2 < 8, 1 <= i3 * 4 + i4, i3 * 4 + i4 < 10 ), ) assert_iter_sum_pattern( {i % 16: (7, 3), i var_dom([(i, 1024)]), predicate=tvm.tir.all(3 <= i % 16, i % 16 < 10, 4 <= i check_level="bijective", ) assert_iter_sum_pattern( {(i * 32 + j) % 16: (7, 3)}, var_dom([(i, 5), (j, 32)]), predicate=tvm.tir.all(3 <= (i * 32 + j) % 16, (i * 32 + j) % 16 < 10), ) assert_iter_sum_failure( [ (i * 32 + j) % 16, ], var_dom([(i, 5), (j, 32)]), predicate=tvm.tir.all(1 <= i * 32 + j, i * 32 + j <= 32), check_level="bijective", ) assert_iter_sum_pattern( {(i * 32 + j) % 16: (16, 0)}, var_dom([(i, 5), (j, 32)]), predicate=tvm.tir.all(1 <= i * 32 + j, i * 32 + j <= 32), ) assert_iter_sum_pattern( {(i * 32 + j - 1) % 16: (16, 0), (i * 32 + j - 1) var_dom([(i, 5), (j, 32)]), predicate=tvm.tir.all(1 <= i * 32 + j, i * 32 + j <= 64), ) asser
t_iter_sum_pattern( {x * 10 + y: (128, 0)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 < 128 - y ) assert_iter_sum_pattern( {x * 10 + y: (64, 0)}, var_dom([(x, 13), (y, 10)]), predicate=tvm.tir.all(x * 10 + y < 128, x * 10 + y < 64), ) assert_iter_sum_pattern( {x * 10 + y: (130, 0)}, var_dom([(x, 13), (y, 10)]), predicate=x * 10 + y < 140 ) i1 = tvm.tir.Var("i1", "int32") i2 = tvm.tir.Var("i2", "int32") i3 = tvm.tir.Var("i3", "int32") i4 = tvm.tir.Var("i4", "int32") assert_iter_sum_pattern( {i1 * 20 + i2 * 10 + i3 * 3 + i4: (128, 0)}, var_dom([(i1, 7), (i2, 2), (i3, 4), (i4, 3)]), predicate=( tvm.tir.all( i1 * 2 + i2 < 13, i1 * 20 + i2 * 10 + i3 * 3 + i4 < 128, i3 * 3 + i4 < 10, ) ), ) assert_iter_sum_failure( [i1 * 20 + i2 * 10 + i3 * 3 + i4], var_dom([(i1, 7), (i2, 2), (i3, 4), (i4, 3)]), predicate=( tvm.tir.all( i1 * 2 + i2 < 13, i1 * 20 + i2 * 10 + i3 * 3 + i4 < 128, i3 * 3 + i4 < 7, ) ), ) assert_iter_sum_failure( [i1 * 20 + i2 * 10 + i3 * 3 + i4], var_dom([(i1, 7), (i2, 2), (i3, 4), (i4, 3)]), predicate=( tvm.tir.all( i1 * 2 + i2 < 13, i1 * 20 + i2 * 10 + i3 * 3 + i4 < 128, i3 * 3 + i4 < 10, i1 * 4 + i3 < 20, ) ), ) assert_iter_sum_failure( [i1 * 20 + i2 * 10 + i3 * 3 + i4], var_dom([(i1, 7), (i2, 2), (i3, 4), (i4, 3)]), predicate=( tvm.tir.all( i1 * 2 + i2 < 13, i1 * 20 + i2 * 10 + i3 * 3 + i4 < 128, i1 * 4 + i3 < 20, ) ), ) xo = tvm.tir.Var("xo", "int32") xi = tvm.tir.Var("xi", "int32") y = tvm.tir.Var("y", "int32") assert_ite
r_sum_pattern( {xo * 129 + xi: (128, 0), y: (128, 0)}, var_dom([(xo, 1), (xi, 129), (y, 128)]), predicate=xo * 129 + xi < 128, ) assert_iter_sum_pattern( {xo * 16 + xi * 4: (10, 0, 4)}, var_dom([(xo, 3), (xi, 4)]), predicate=xo * 4 + xi < 10, ) def convert_division(divisions): if divisions is None or len(divisions) == 0: return [] res = [] for division in divisions[:-1]: res.append( [ tvm.arith.normalize_iter_map_to_expr(division[0].source), tvm.arith.normalize_iter_map_to_expr(division[1].source), ] ) res.append([divisions[-1][0].extent, divisions[-1][1].extent]) return res def create_iter(name, extent): return tvm.tir.Var(name, "int32"), extent def test_subspace_division(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") z = tvm.tir.Var("z", "int32") c = tvm.tir.SizeVar("c", "int32") res = tvm.arith.subspace_divide( [z * 12 + y * 3 + x + c], var_dom([(x, 3), (y, 4), (z, 5)]), [x] ) res = convert_division(res) assert len(res) == 2 tvm.ir.assert_structural_equal(res[0][0], z * 4 + y) tvm.ir.assert_structural_equal(res[0][1], x + c) res = tvm.arith.subspace_divide( [z * 12 + y * 3 + x + c], var_dom([(x, 3), (y, 4), (z, 5)]), [x], z * 4 + y < 18 ) res = convert_division(res) assert len(res) == 2 tvm.ir.assert_structural_equal(res[0][0], z * 4 + y) tvm.ir.assert_structural_equal(res[0][1], x + c) tvm.ir.assert_structural_equal(res[1][0], z * 4 + y < 18) tvm.ir.assert_structural_equal(res[1][1], True) i0 = create_iter("i0", 4) j0 = create_iter("j0", 8) i3 = create_iter("i3", 2) i1, i2 = isplit(j0, 4) k0 = ifuse([i0, i1]) k1 = ifuse([i2, i3]) res = tvm.arith.subspace_divide([k0[0], k1[0]], var_dom([i0, j0, i3]), [i3[0]]) res = convert_division(res) assert len(res) == 3 tvm.ir.assert_
structural_equal(res[0][0], (i0[0] * 2) + floordiv(j0[0], 4)) tvm.ir.assert_structural_equal(res[0][1], 0) tvm.ir.assert_structural_equal(res[1][0], floormod(j0[0], 4)) tvm.ir.assert_structural_equal(res[1][1], i3[0]) assert_iter_sum_pattern res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1]], var_dom([i3])).indices assert len(res1) == 2 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0]], var_dom([i0, j0])).indices assert len(res2) == 2 res = tvm.arith.subspace_divide([k0[0], k1[0]], var_dom([i0, j0, i3]), [j0[0], i3[0]]) res = convert_division(res) assert len(res) == 3 tvm.ir.assert_structural_equal(res[0][0], i0[0]) tvm.ir.assert_structural_equal(res[0][1], floordiv(j0[0], 4)) tvm.ir.assert_structural_equal(res[1][0], 0) tvm.ir.assert_structural_equal(res[1][1], (floormod(j0[0], 4) * 2) + i3[0]) res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1]], var_dom([j0, i3])).indices assert len(res1) == 2 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0]], var_dom([i0])).indices assert len(res2) == 2 res = tvm.arith.subspace_divide([k0[0], k1[0]], var_dom([i0, j0, i3]), [i0[0], i3[0]]) res = convert_division(res) assert len(res) == 0 res = tvm.arith.subspace_divide([k0[0], k1[0]], var_dom([i0, j0, i3]), [i3[0]], k0[0] < 7) res = convert_division(res) assert len(res) == 3 tvm.ir.assert_structural_equal(res[0][0], (i0[0] * 2) + floordiv(j0[0], 4)) tvm.ir.assert_structural_equal(res[0][1], 0) tvm.ir.assert_structural_equal(res[1][0], floormod(j0[0], 4)) tvm.ir.assert_structural_equal(res[1][1], i3[0]) tvm.ir.assert_structural_equal(res[2][0], (i0[0] * 2) + floordiv(j0[0], 4) < 7) tvm.ir.assert_structural_equal(res[2][1], True) res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1]], var_dom([i3])).indices assert len(res1) == 2 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0]], var_dom([i0, j0])).indices assert len(res2) == 2 res = t
vm.arith.subspace_divide( [k0[0], k1[0]], var_dom([i0, j0, i3]), [j0[0], i3[0]], k1[0] < 7 ) res = convert_division(res) assert len(res) == 3 tvm.ir.assert_structural_equal(res[0][0], i0[0]) tvm.ir.assert_structural_equal(res[0][1], floordiv(j0[0], 4)) tvm.ir.assert_structural_equal(res[1][0], 0) tvm.ir.assert_structural_equal(res[1][1], (floormod(j0[0], 4) * 2) + i3[0]) tvm.ir.assert_structural_equal(res[2][0], True) tvm.ir.assert_structural_equal(res[2][1], (floormod(j0[0], 4) * 2) + i3[0] < 7) res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1]], var_dom([j0, i3])).indices assert len(res1) == 2 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0]], var_dom([i0])).indices assert len(res2) == 2 res = tvm.arith.subspace_divide( [k0[0], k1[0]], var_dom([i0, j0, i3]), [i3[0]], tvm.tir.all(k0[0] < 7, k1[0] < 7) ) res = convert_division(res) assert len(res) == 0 j0 = create_iter("j0", 4) l0 = create_iter("l0", 2) l1 = create_iter("l1", 6) j3 = create_iter("j3", 3) k0 = ifuse([l0, l1]) i1, j2 = isplit(k0, 3) j1, i1 = isplit(i1, 2) i0 = ifuse([j0, j1]) i2 = ifuse([j2, j3]) res = tvm.arith.subspace_divide( [i0[0], i1[0], i2[0]], var_dom([j0, l0, l1, j3]), [l1[0], j3[0]] ) res = convert_division(res) assert len(res) == 4 tvm.ir.assert_structural_equal(res[0][0], (j0[0] * 2) + l0[0]) tvm.ir.assert_structural_equal(res[0][1], 0) tvm.ir.assert_structural_equal(res[1][0], 0) tvm.ir.assert_structural_equal(res[1][1], floordiv(l1[0], 3)) tvm.ir.assert_structural_equal(res[2][0], 0) tvm.ir.assert_structural_equal(res[2][1], (floormod(l1[0], 3) * 3) + j3[0]) res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1], res[2][1]], var_dom([l1, j3])).indices assert len(res1) == 3 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0], res[2][0]], var_dom([j0, l0])).indices assert len(res2) == 3 res = tvm.arith.subspace_
divide( [i0[0], i1[0], i2[0]], var_dom([j0, l0, l1, j3]), [l0[0], l1[0], j3[0]] ) res = convert_division(res) assert len(res) == 4 tvm.ir.assert_structural_equal(res[0][0], j0[0]) tvm.ir.assert_structural_equal(res[0][1], floordiv(l0[0] * 6 + l1[0], 6)) tvm.ir.assert_structural_equal(res[1][0], 0) tvm.ir.assert_structural_equal(res[1][1], floordiv(floormod(l0[0] * 6 + l1[0], 6), 3)) tvm.ir.assert_structural_equal(res[2][0], 0) tvm.ir.assert_structural_equal(res[2][1], (floormod(l0[0] * 6 + l1[0], 3) * 3) + j3[0]) res1 = tvm.arith.detect_iter_map( [res[0][1], res[1][1], res[2][1]], var_dom([l0, l1, j3]) ).indices assert len(res1) == 3 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0], res[2][0]], var_dom([j0])).indices assert len(res2) == 3 res = tvm.arith.subspace_divide( [i0[0], i1[0], i2[0]], var_dom([j0, l0, l1, j3]), [l0[0], j3[0]] ) res = convert_division(res) assert len(res) == 0 res = tvm.arith.subspace_divide( [i0[0], i1[0], i2[0]], var_dom([j0, l0, l1, j3]), [l1[0], j3[0]], tvm.tir.all(i0[0] < 7, i2[0] < 8), ) res = convert_division(res) assert len(res) == 4 tvm.ir.assert_structural_equal(res[0][0], (j0[0] * 2) + l0[0]) tvm.ir.assert_structural_equal(res[0][1], 0) tvm.ir.assert_structural_equal(res[1][0], 0) tvm.ir.assert_structural_equal(res[1][1], floordiv(l1[0], 3)) tvm.ir.assert_structural_equal(res[2][0], 0) tvm.ir.assert_structural_equal(res[2][1], (floormod(l1[0], 3) * 3) + j3[0]) tvm.ir.assert_structural_equal(res[3][0], (j0[0] * 2) + l0[0] < 7) tvm.ir.assert_structural_equal(res[3][1], (floormod(l1[0], 3) * 3) + j3[0] < 8) res1 = tvm.arith.detect_iter_map([res[0][1], res[1][1], res[2][1]], var_dom([l1, j3])).indices assert len(res1) == 3 res2 = tvm.arith.detect_iter_map([res[0][0], res[1][0], res[2][0]], var_dom([j0, l0])).indices assert len(res2) == 3 res = tvm.arith.subspace_d
ivide( [i0[0], i1[0], i2[0]], var_dom([j0, l0, l1, j3]), [j3[0]], i2[0] < 8 ) res = convert_division(res) assert len(res) == 0 def test_complex(): n0 = create_iter("n0", 2) n1 = create_iter("n1", 4) m0 = ifuse([n0, n1], 6) m1 = create_iter("m1", 3) l0 = create_iter("l0", 4) l1 = create_iter("l1", 8) l2 = ifuse([m0, m1], 16) l3 = create_iter("l3", 32) k0, k4 = isplit(l0, 2) k1, k5 = isplit(l1, 2) k2, k6 = isplit(l2, 4) k3, k7 = isplit(l3, 4) j0 = ifuse([k0, k1], 7) j1 = ifuse([k2, k3]) j2 = ifuse([k4, k5]) j3 = ifuse([k6, k7], 15) i0 = ifuse([j0, j1], 200) i1 = ifuse([j2, j3], 50) n0_mark = tvm.arith.IterMark(n0[0], n0[1]) n1_mark = tvm.arith.IterMark(n1[0], n1[1]) l0_mark = tvm.arith.IterMark(l0[0], l0[1]) l1_mark = tvm.arith.IterMark(l1[0], l1[1]) m1_mark = tvm.arith.IterMark(m1[0], m1[1]) l3_mark = tvm.arith.IterMark(l3[0], l3[1]) m0_expr = tvm.arith.IterSumExpr( [ tvm.arith.IterSplitExpr(n0_mark, 1, n0[1], 4), tvm.arith.IterSplitExpr(n1_mark, 1, n1[1], 1), ], 0, ) m0_mark = tvm.arith.IterMark(m0_expr, 6) l2_expr = tvm.arith.IterSumExpr( [tvm.arith.IterSplitExpr(m0_mark, 1, 6, 3), tvm.arith.IterSplitExpr(m1_mark, 1, m1[1], 1)], 0, ) l2_mark = tvm.arith.IterMark(l2_expr, 16) k0_expr = tvm.arith.IterSplitExpr(l0_mark, 2, 2, 4) k1_expr = tvm.arith.IterSplitExpr(l1_mark, 2, 4, 1) k2_expr = tvm.arith.IterSplitExpr(l2_mark, 4, 4, 8) k3_expr = tvm.arith.IterSplitExpr(l3_mark, 4, 8, 1) k4_expr = tvm.arith.IterSplitExpr(l0_mark, 1, 2, 30) k5_expr = tvm.arith.IterSplitExpr(l1_mark, 1, 2, 15) k6_expr = tvm.arith.IterSplitExpr(l2_mark, 1, 4, 4) k7_expr = tvm.arith.IterSplitExpr(l3_mark, 1, 4, 1) j0_expr = tvm.arith.IterSumExpr([k0_expr, k1_expr], 0) j0_mark = tvm.arith.IterMark(j0_expr, 7) i0_expr = tvm.arith.IterSumExpr( [tvm.arith.IterSplitExpr(j0_mark, 1, 7,
32), k2_expr, k3_expr], 0 ) j3_expr = tvm.arith.IterSumExpr([k6_expr, k7_expr], 0) j3_mark = tvm.arith.IterMark(j3_expr, 15) i1_expr = tvm.arith.IterSumExpr( [k4_expr, k5_expr, tvm.arith.IterSplitExpr(j3_mark, 1, 15, 1)], 0 ) i0_mark = tvm.arith.IterMark(i0_expr, i0[1]) i1_mark = tvm.arith.IterMark(i1_expr, i1[1]) i0_final = tvm.arith.IterSumExpr([tvm.arith.IterSplitExpr(i0_mark, 1, i0[1], 1)], 0) i1_final = tvm.arith.IterSumExpr([tvm.arith.IterSplitExpr(i1_mark, 1, i1[1], 1)], 0) assert_iter_sum_pattern( {i0[0]: (200, 0, 1, i0_final), i1[0]: (50, 0, 1, i1_final)}, var_dom([l0, l1, n0, n1, m1, l3]), predicate=tvm.tir.all( i0[0] < 200, i1[0] < 50, m0[0] < 6, l2[0] < 16, j0[0] < 7, j3[0] < 15 ), ) assert_iter_sum_failure( [i0[0], i1[0]], var_dom([l0, l1, n0, n1, m1, l3]), tvm.tir.all(i0[0] < 200, i1[0] < 50, m0[0] < 9, l2[0] < 16, j0[0] < 7, j3[0] < 14), ) res = tvm.arith.subspace_divide( [i0[0], i1[0]], var_dom([l0, l1, n0, n1, m1, l3]), [n0[0], n1[0], m1[0], l3[0]], tvm.tir.all(m0[0] < 6, l2[0] < 16, j0[0] < 7, j3[0] < 15), ) res = convert_division(res) assert len(res) == 3 tvm.ir.assert_structural_equal(res[0][0], floordiv(l0[0], 2) * 4 + floordiv(l1[0], 2)) tvm.ir.assert_structural_equal( res[0][1], (floordiv((n0[0] * 4 + n1[0]) * 3 + m1[0], 4) * 8) + floordiv(l3[0], 4) ) tvm.ir.assert_structural_equal(res[1][0], ((floormod(l0[0], 2) * 2) + floormod(l1[0], 2))) tvm.ir.assert_structural_equal( res[1][1], ((floormod(((n0[0] * 4 + n1[0]) * 3 + m1[0]), 4) * 4) + floormod(l3[0], 4)) ) tvm.ir.assert_structural_equal(res[2][0], (floordiv(l0[0], 2) * 4) + floordiv(l1[0], 2) < 7) tvm.ir.assert_structural_equal( res[2][1], tvm.tir.all( n0[0] * 4 + n1[0] < 6, (n0[0] * 4 + n1[0]) * 3 + m1[0] < 16, floormod(((n0[0] * 4 + n1[0]) * 3 + m1[
0]), 4) * 4 + floormod(l3[0], 4) < 15, ), ) assert_iter_sum_pattern( {res[0][1]: (32, 0), res[1][1]: (15, 0)}, var_dom([n0, n1, m1, l3]), res[2][1] ) assert_iter_sum_pattern({res[0][0]: (8, 0), res[1][0]: (4, 0)}, var_dom([l0, l1])) def test_normalize_iter_map_to_expr(): fld = tvm.tir.floordiv flm = tvm.tir.floormod x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") xo, xi = isplit((x, 10), 5) yo, yi = isplit((y, 9), 3) z = ifuse([yo, xo, yi]) res = tvm.arith.detect_iter_map([z[0], xi[0]], var_dom([(x, 10), (y, 9)])) tvm.ir.assert_structural_equal( tvm.arith.normalize_iter_map_to_expr(res.indices[0]), fld(y, 3) * 6 + fld(x, 5) * 3 + flm(y, 3), ) tvm.ir.assert_structural_equal(tvm.arith.normalize_iter_map_to_expr(res.indices[1]), flm(x, 5)) split = tvm.arith.IterSplitExpr(tvm.arith.IterMark(x * y + 1, 1024), 1, 1024, 1) tvm.ir.assert_structural_equal(tvm.arith.normalize_iter_map_to_expr(split), x * y + 1) def test_inverse_affine_iter_map(): analyzer = tvm.arith.Analyzer() l0 = create_iter("l0", 64) l1 = create_iter("l1", 64) l2 = create_iter("l2", 64) l0_0, l0_1 = isplit(l0, 16) l1_0, l1_1 = isplit(l1, 4) l0_1_l1_1_fused = ifuse([l0_1, l1_1]) iter_map = tvm.arith.detect_iter_map( [l0_1_l1_1_fused[0], l0_0[0], l1_0[0]], var_dom([l0, l1]) ).indices outputs = [tvm.tir.Var("output_{}".format(i), "int32") for i in range(len(iter_map))] res = tvm.arith.inverse_affine_iter_map(iter_map, outputs) assert len(res) == 2 l0_inverse = floordiv(outputs[0], 4) + outputs[1] * 16 l1_inverse = floormod(outputs[0], 4) + outputs[2] * 4 assert analyzer.can_prove_equal(res[l0[0]], l0_inverse) assert analyzer.can_prove_equal(res[l1[0]], l1_inverse) l0_0, l0_1 = isplit(l0, 16) l1_0, l1_1 = isplit(l1, 4) l2_1, l2_2 = isplit(l2, 4) l2_0, l2_1 = isplit(l2_1, 4) l0_1_l2_1_l1_1_l2_0_fused = ifuse([l0_1, l2_1, l1_1, l2
_0]) iter_map = tvm.arith.detect_iter_map( [l0_1_l2_1_l1_1_l2_0_fused[0], l0_0[0], l2_2[0], l1_0[0]], var_dom([l0, l1, l2]) ).indices outputs = [tvm.tir.Var("output_{}".format(i), "int32") for i in range(len(iter_map))] res = tvm.arith.inverse_affine_iter_map(iter_map, outputs) assert len(res) == 3 l0_inverse = floordiv(outputs[0], 64) + outputs[1] * 16 l1_inverse = floormod(floordiv(outputs[0], 4), 4) + outputs[3] * 4 l2_inverse = ( floormod(outputs[0], 4) * 16 + floormod(floordiv(outputs[0], 16), 4) * 4 + outputs[2] ) assert analyzer.can_prove_equal(res[l0[0]], l0_inverse) assert analyzer.can_prove_equal(res[l1[0]], l1_inverse) assert analyzer.can_prove_equal(res[l2[0]], l2_inverse) l0_0, l0_1 = isplit(l0, 16) l1 = ifuse([l0_1, l0_0]) l1_0, l1_1 = isplit(l1, 8) l2 = ifuse([l1_1, l1_0]) iter_map = tvm.arith.detect_iter_map([l2[0]], var_dom([l0])).indices outputs = [tvm.tir.Var("output_{}".format(i), "int32") for i in range(len(iter_map))] res = tvm.arith.inverse_affine_iter_map(iter_map, outputs) assert len(res) == 1 l1_inverse = floormod(outputs[0], 8) * 8 + floordiv(outputs[0], 8) l0_inverse = floormod(l1_inverse, 4) * 16 + floordiv(l1_inverse, 4) assert analyzer.can_prove_equal(res[l0[0]], l0_inverse) def test_inverse_affine_map_trivial_iter(): analyzer = tvm.arith.Analyzer() l0 = create_iter("l0", 64) l1 = create_iter("l1", 64) iter_map = tvm.arith.detect_iter_map([0, l0[0], l1[0]], var_dom([l0, l1])).indices outputs = [tvm.tir.Var("output_{}".format(i), "int32") for i in range(len(iter_map))] res = tvm.arith.inverse_affine_iter_map(iter_map, outputs) assert len(res) == 2 assert analyzer.can_prove_equal(res[l0[0]], outputs[1]) assert analyzer.can_prove_equal(res[l1[0]], outputs[2]) def test_free_variables(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") z = tvm.tir.Var("z", "int32") assert_iter_sum_failure([z * 1
9 + y * 3 + x], var_dom([(x, 3), (y, 3), (z, 3)])) assert_iter_sum_pattern( {z * 19 + y * 3 + x: (9, z * 19)}, var_dom( [ (x, 3), (y, 3), ] ), ) assert_iter_sum_pattern( {z * z + y * 3 + x: (9, z * z)}, var_dom( [ (x, 3), (y, 3), ] ), ) def test_padding(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") fld = tvm.tir.floordiv flm = tvm.tir.floormod sum = 64 + y dom_map = var_dom([(y, 192)]) assert_iter_sum_pattern( {fld(sum, 32): (6, 2, 1), flm(sum, 32): (32, 0, 1)}, dom_map, check_level="bijective", ) sum = 80 + y dom_map = var_dom([(y, 176)]) assert_iter_sum_pattern( {fld(sum, 32): (6, 2, 1)}, dom_map, ) assert_iter_sum_pattern( {flm(fld(sum, 2), 16): (16, 0, 1), flm(sum, 2): (2, 0, 1)}, dom_map, ) assert_iter_sum_failure({fld(sum, 32), flm(sum, 32)}, dom_map) assert_iter_sum_failure({fld(sum, 32), fld(sum, 4)}, dom_map) sum = x * 32 + y * 8 dom_map = var_dom([(x, 5), (y, 4)]) assert_iter_sum_pattern( {fld(sum, 16): (10, 0, 1), flm(sum, 16): (2, 0, 8)}, dom_map, ) assert_iter_sum_failure({fld(sum, 5)}, dom_map) dom_map = var_dom([(x, 26)]) assert_iter_sum_pattern( {fld(x, 15): (2, 0, 1)}, dom_map, ) assert_iter_sum_pattern( {flm(fld(x, 3), 5): (5, 0, 1), flm(x, 3): (3, 0, 1)}, dom_map, ) sum = x + 71 dom_map = var_dom([(x, 45)]) assert_iter_sum_pattern({fld(sum, 32): (2, 2, 1)}, dom_map) assert_iter_sum_pattern( {flm(fld(x, 4), 8): (8, 0, 1), flm(x, 4): (4, 0, 1)}, dom_map, ) sum = x * 360 + y dom_map = var_dom([(y, 360)]) assert_iter_sum_pattern({fld(sum, 16): (23, fld(x * 360 - flm(x, 2) * 8, 16), 1)}, dom_map) assert_iter_sum
_pattern({flm(x * 360 + y, 16): (16, 0, 1)}, dom_map) assert_iter_sum_pattern( { flm(x + 10, 3): (3, 0), flm(fld(x + 10, 3), 4): (4, 0), flm(fld(fld(x + 10, 3), 4), 5): (5, 0), }, var_dom([(x, 240)]), ) assert_iter_sum_failure( { flm(x + 10, 3), flm(fld(x + 10, 3), 4), flm(fld(fld(x + 10, 3), 4), 5), fld(fld(fld(x + 10, 3), 4), 5), }, var_dom([(x, 240)]), ) assert_iter_sum_pattern( { flm(x + 1, 3): (3, 0), flm(fld(x + 10, 3) + 2, 4): (4, 0), flm(fld(fld(x + 10, 3), 4) + 3, 5): (5, 0), }, var_dom([(x, 240)]), ) assert_iter_sum_failure({flm(x, 16)}, var_dom([(x, 3)])) def test_overlapped_fuse(): x = tvm.tir.Var("x", "int32") y = tvm.tir.Var("y", "int32") z = tvm.tir.Var("z", "int32") a = tvm.tir.Var("x", "int32") b = tvm.tir.Var("y", "int32") assert_iter_sum_pattern( { x * 7 + y: (22, 0, 1), }, var_dom([(x, 3), (y, 8)]), check_level="surjective", ) assert_iter_sum_failure([x * 7 + y], var_dom([(x, 3), (y, 8)]), check_level="bijective") assert_iter_sum_pattern( { x * 18 + y * 7 + z: (40, 0, 1), }, var_dom([(x, 2), (y, 3), (z, 8)]), check_level="surjective", ) assert_iter_sum_failure([x * 7 + y], var_dom([(x, 2), (y, 3), (z, 8)]), check_level="bijective") assert_iter_sum_failure([x * -7 + y], var_dom([(x, 3), (y, 8)]), check_level="surjective") assert_iter_sum_failure([x * 7 - y], var_dom([(x, 3), (y, 8)]), check_level="surjective") assert_iter_sum_pattern( { a * 40 + b * 20 + x * 18 + y * 3 + z: (125, 6, 1), }, var_dom([(a, 3), (b, 2), (x, 2), (y, 6), (z, 8)]), predicate=tvm.tir.all(z < 4, 1 < x * 6 + y, x * 6 + y < 10), check_level="surjective", )
assert_iter_sum_pattern( {x + a: (230, 0, 1)}, var_dom([(x, 224), (a, 7)]), check_level="surjective" ) assert_iter_sum_failure([5 * x + 2 * y], var_dom([(x, 4), (y, 3)]), check_level="surjective") if __name__ == "__main__": tvm.testing.main()
import tvm
import tvm.testing from tvm
import te def test_cast(): analyzer = tvm.arith.Analyzer() x = te.var("x", dtype="int8") m = analyzer.modular_set((x * 3).astype("uint32")) assert m.coeff == 3 assert m.base == 0 m = analyzer.modular_set((x * 3 + 1).astype("float32").astype("int32")) assert m.coeff == 3 assert m.base == 1 def test_add_sub(): analyzer = tvm.arith.Analyzer() x, y = te.var("x", "int64"), te.var("y", "int64") m = analyzer.modular_set(x * 6 + y * 4) assert m.coeff == 2 assert m.base == 0 analyzer.bind(y, x * 4 + 1) m = analyzer.modular_set(1 - y) assert m.coeff == 4 assert m.base == 0 def test_mul(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") m = analyzer.modular_set((x * 4 + 2) * (y * 6 + 1)) assert m.coeff == 4 assert m.base == 2 def test_floormod(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") m = analyzer.modular_set(tvm.tir.floormod(x * 128 + y * 4, 256)) assert m.coeff == 4 assert m.base == 0 def test_div_shift(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") tdiv = tvm.tir.truncdiv m = analyzer.modular_set(tdiv(x * 4 + 2, 2)) assert m.coeff == 1 assert m.base == 0 m = analyzer.modular_set((x * 4 + 2) >> 1) assert m.coeff == 2 assert m.base == 1 fld = tvm.te.floordiv m = analyzer.modular_set(fld(x * 4 + 2, 2)) assert m.coeff == 2 assert m.base == 1 analyzer.update(x, tvm.arith.ConstIntBound(0, 100)) m = analyzer.modular_set(tdiv(x * 4 + 2, 2)) assert m.coeff == 2 assert m.base == 1 def test_mod(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") tmod = tvm.tir.truncmod fmod = tvm.tir.floormod m = analyzer.modular_set(tmod(x * 4 + 1, 4)) assert m.coeff == 1 assert m.base == 0 m = analyzer.modular_set(tmod(x * 4, 4)) assert m.coeff == 4 assert m.base == 0 m = analyzer.modular_set(fmod(x * 4 + 3, 2))
assert m.coeff == 2 assert m.base == 1 m = analyzer.modular_set(fmod(x * 4 + 3, 8)) assert m.coeff == 4 assert m.base == 3 analyzer.update(x, tvm.arith.ConstIntBound(0, 100)) m = analyzer.modular_set(tmod(x * 4 + 3, 2)) assert m.coeff == 2 assert m.base == 1 def test_min_max_select(): analyzer = tvm.arith.Analyzer() x, y = te.var("x"), te.var("y") m = analyzer.modular_set(tvm.te.min(x * 3, y * 9)) assert m.coeff == 3 assert m.base == 0 m = analyzer.modular_set(tvm.te.max(x * 3 + 1, y * 9 + 4)) assert m.coeff == 3 assert m.base == 1 m = analyzer.modular_set(tvm.tir.Select(x > 0, x * 3 + 1, y * 9 + 2)) assert m.coeff == 1 assert m.base == 0 def test_mix_index(): a = te.var("a") b = te.var("b") analyzer = tvm.arith.Analyzer() tdiv = tvm.tir.truncdiv m = analyzer.modular_set(a * 4 + b * 6 + 7) assert m.coeff == 2 assert m.base == 1 m = analyzer.modular_set((a * 4 + 1) * (b * 8 + 3)) assert m.coeff == 4 assert m.base == 3 m = analyzer.modular_set(tdiv(a * 4 + 1, b * 8 + 3)) assert m.coeff == 1 assert m.base == 0 m = analyzer.modular_set((a * 4 + 1) * tdiv(b * 8, 4)) assert m.coeff == 2 assert m.base == 0 m = analyzer.modular_set((a * 12 + 1) - (b * 3 * 7 + 2)) assert m.coeff == 3 assert m.base == 2 m = analyzer.modular_set(a * 12 + tvm.te.min(b * 3 * 7, 2)) assert m.coeff == 1 assert m.base == 0 def test_constraint_scope(): a = te.var("a") b = te.var("b") analyzer = tvm.arith.Analyzer() tmod = tvm.tir.truncmod with analyzer.constraint_scope(tmod(b, 4) == 2): m = analyzer.modular_set(b + 1) assert m.coeff == 4 assert m.base == 3 with analyzer.constraint_scope(tmod(a, 2) == 1): m = analyzer.modular_set(b + a * 2) assert m.coeff == 4 assert m.base == 0 m = analyzer.modular_set(b + a * 2) assert m.coeff == 2 assert m.base == 0
m = analyzer.modular_set(b + 1) assert m.coeff == 1 assert m.base == 0 def test_intersect(): a = te.var("a") analyzer = tvm.arith.Analyzer() tmod = tvm.tir.truncmod with analyzer.constraint_scope(tmod(a, 4) == 1): with analyzer.constraint_scope(tmod(a, 3) == 1): m = analyzer.modular_set(a) assert m.coeff == 12 assert m.base == 1 with analyzer.constraint_scope(tmod(a, 3) == 2): with analyzer.constraint_scope(tmod(a, 5) == 3): with analyzer.constraint_scope(tmod(a, 7) == 2): m = analyzer.modular_set(a) assert m.coeff == 105 assert m.base == 23 def test_let(): analyzer = tvm.arith.Analyzer() x = te.var("x") y = te.var("y") m = analyzer.modular_set(tvm.tir.Let(x, y * 10, x + 1)) assert m.coeff == 10 assert m.base == 1 def test_bitwise_and(): analyzer = tvm.arith.Analyzer() x = te.var("x") y = te.var("y") m = analyzer.modular_set((x * 16 + y * 4) & 31) assert m.coeff == 4 assert m.base == 0 m = analyzer.modular_set((x * 16 + y * 4) & 17) assert m.coeff == 1 assert m.base == 0 if __name__ == "__main__": tvm.testing.main()
import tvm
import tvm.testing from tvm
import tir from tvm.runtime
import convert i = tir.Var("i", "int32") j = tir.Var("j", "int32") n = tir.Var("n", "int32") m = tir.Var("m", "int32") b = tir.Var("b", "bool") buf = tir.decl_buffer(16, "int32", "buf") tir_false = tir.IntImm("bool", False) tir_true = tir.IntImm("bool", True) before, expected = tvm.testing.parameters( [tir_true, tir_true], [tir_false, tir_false], [b, b], [i > 5, i > 5], [i > n, i > 7], [i < n, i < 0], [i <= n, i <= 0], [i >= n, i >= 7], [n > i, convert(0) > i], [n < i, convert(7) < i], [n <= i, convert(7) <= i], [n >= i, convert(0) >= i], [i == n, tir.all(i <= 0, convert(7) <= i)], [n == i, tir.all(convert(7) <= i, i <= 0)], [i != n, tir.any(i < 0, convert(7) < i)], [n != i, tir.any(convert(7) < i, i < 0)], [i [n < i [(i + n) [(i + n) [i + n < 10, i + 7 < 10], [i - n < 10, tir.Sub(i, 0) < 10], [tir.Not(i < n), tir.Not(i < 7)], [i % 8 == n, tir_false], [i [buf.vload(0) > 0, tir_false], [buf.vload(0) > i, tir_false], [buf.vload(i) > 0, tir_false], [tir.And(buf.vload(i) > 0, i <= 0), tir.And(tir_false, i <= 0)], [tir.Or(buf.vload(i) > 0, i <= n), tir.Or(tir_false, i <= 0)], [tir.Or(tir.Not(buf.vload(i) > 0), i <= n), tir.Or(tir_false, i <= 0)], ) def test_narrow_expression(before, expected): ranges = {n: tvm.ir.Range(0, 8)} after = tvm.arith._ffi_api.NarrowPredicateExpression(before, ranges) if expected is None: assert after is None else: tvm.ir.assert_structural_equal(after, expected) if __name__ == "__main__": tvm.testing.main()
import pytest
import tvm from tvm
import te class RewriteChecker: def __init__(self): self.analyzer = tvm.arith.Analyzer() def verify(self, data, expected): res = self.analyzer.rewrite_simplify(data) assert tvm.ir.structural_equal(res, expected), "data={}, res={}, expected={}".format( data, res, expected ) def test_vector_simplify(): ck = RewriteChecker() x, y, z = te.var("x"), te.var("y"), te.var("z") ck.verify(tvm.tir.Ramp(x, 1, 4) + tvm.tir.Ramp(y, 2, 4), tvm.tir.Ramp(x + y, 3, 4)) ck.verify(tvm.tir.Ramp(x, 1, 2) + y, tvm.tir.Ramp(x + y, 1, 2)) ck.verify(y + tvm.tir.Ramp(x, 1, 2), tvm.tir.Ramp(y + x, 1, 2)) ck.verify(y.astype("int32x2") + x.astype("int32x2"), (y + x).astype("int32x2")) ck.verify(tvm.tir.Broadcast(0, 4) + y, tvm.tir.Broadcast(y, 4)) ck.verify( tvm.tir.Ramp(x, 1, 4).astype("float32x4") + tvm.tir.Broadcast(0.0, 4), tvm.tir.Ramp(x, 1, 4).astype("float32x4"), ) ck.verify(tvm.tir.Ramp(x, 4, 4) - tvm.tir.Ramp(y, 2, 4), tvm.tir.Ramp(x - y, 2, 4)) ck.verify(tvm.tir.Ramp(x, 1, 2) - y, tvm.tir.Ramp(x - y, 1, 2)) ck.verify(y - tvm.tir.Ramp(x, 1, 2), tvm.tir.Ramp(y - x, -1, 2)) ck.verify(y.astype("int32x2") - x.astype("int32x2"), (y - x).astype("int32x2")) ck.verify(y.astype("int32x2") * x.astype("int32x2"), (y * x).astype("int32x2")) ck.verify(tvm.tir.Ramp(x, 4, 4) * 2, tvm.tir.Ramp(x * 2, 8, 4)) ck.verify(2 * tvm.tir.Ramp(x, 4, 4), tvm.tir.Ramp(x * 2, 8, 4)) ck.verify(tvm.tir.Broadcast(0, 4) * x, tvm.tir.Broadcast(0, 4)) ck.verify(tvm.tir.Broadcast(0.0, 4) * x, tvm.tir.Broadcast(0.0, 4)) tdiv = tvm.tir.truncdiv tmod = tvm.tir.truncmod ck.verify(tdiv(y.astype("int32x2"), x.astype("int32x2")), tdiv(y, x).astype("int32x2")) ck.verify(tdiv(tvm.tir.Ramp(x, 4, 4), 2), tvm.tir.Ramp(tdiv(x, 2), 2, 4)) ck.analyzer.update(x, tvm.arith.ConstIntBound(0, 1000), override=True) ck.verify(tdiv(tvm.tir.Ramp(x * 8 + 1, 1, 4), 8), (x).astype("int32x4")) ck.ver
ify(tdiv(tvm.tir.Ramp(x * 8 + 15, 1, 4), 8), tdiv(tvm.tir.Ramp(x * 8 + 15, 1, 4), 8)) ck.verify(tmod(y.astype("int32x2"), x.astype("int32x2")), tmod(y, x).astype("int32x2")) ck.verify(tmod(tvm.tir.Ramp(x, 4, 4), 2), tvm.tir.Broadcast(tmod(x, 2), 4)) ck.verify(tmod(tvm.tir.Ramp(x * 8 + 1, 1, 4), 8), tvm.tir.Ramp(1, 1, 4)) ck.verify(tmod(tvm.tir.Ramp(x * 8 + 1, 15, 4), 8), tmod(tvm.tir.Ramp(1, 15, 4), 8)) fld = tvm.te.floordiv flm = tvm.te.floormod ck.analyzer.update(x, tvm.arith.ConstIntBound(-10, 1000), override=True) ck.verify(fld(y.astype("int32x2"), x.astype("int32x2")), fld(y, x).astype("int32x2")) ck.verify(fld(tvm.tir.Ramp(x, 4, 4), 2), tvm.tir.Ramp(fld(x, 2), 2, 4)) ck.verify(fld(tvm.tir.Ramp(x * 8 + 1, 1, 4), 8), (x).astype("int32x4")) ck.verify(fld(tvm.tir.Ramp(x * 8 + 15, 1, 4), 8), fld(tvm.tir.Ramp(x * 8 + 15, 1, 4), 8)) ck.verify(fld(tvm.tir.Ramp(x, 8, 5), tvm.tir.Broadcast(4, 5)), tvm.tir.Ramp(fld(x, 4), 2, 5)) ck.verify( fld(tvm.tir.Ramp(flm(x * 4, 256), 1, 4), tvm.tir.Broadcast(8, 4)), tvm.tir.Broadcast(fld(flm(x * 4, 256), 8), 4), ) ck.verify( fld(tvm.tir.Ramp(x, 7, 4), tvm.tir.Broadcast(4, 4)), fld(tvm.tir.Ramp(x, 7, 4), tvm.tir.Broadcast(4, 4)), ) ck.verify(fld(tvm.tir.Ramp(x * 8, 1, 4), tvm.tir.Broadcast(4, 4)), tvm.tir.Broadcast(x * 2, 4)) ck.verify( fld(tvm.tir.Ramp(x * 8, 3, 4), tvm.tir.Broadcast(4, 4)), fld(tvm.tir.Ramp(x * 8, 3, 4), tvm.tir.Broadcast(4, 4)), ) ck.verify( fld(tvm.tir.Ramp(x * 8 + 15, 1, 4), tvm.tir.Broadcast(4, 4)), fld(tvm.tir.Ramp(x * 8 + 15, 1, 4), tvm.tir.Broadcast(4, 4)), ) ck.verify( fld(tvm.tir.Ramp(x * 4, 1, 4), tvm.tir.Broadcast(64, 4)), tvm.tir.Broadcast(fld(x, 16), 4) ) ck.verify( fld(tvm.tir.Ramp(x * 8, 2, 4), tvm.tir.Broadcast(64, 4)), tvm.tir.Broadcast(fld(x, 8), 4) ) ck.verify( fld(tvm.tir.Ramp(x * 4, 1, 5), tvm.tir.Broadcast(64, 5)), fld(tvm.tir.Ramp(
x * 4, 1, 5), tvm.tir.Broadcast(64, 5)), ) ck.verify( fld(tvm.tir.Ramp(x * 4 + 3, 1, 4), tvm.tir.Broadcast(64, 4)), fld(tvm.tir.Ramp(x * 4 + 3, 1, 4), tvm.tir.Broadcast(64, 4)), ) ck.verify( fld(tvm.tir.Ramp(x * 7, 1, 4), tvm.tir.Broadcast(64, 4)), fld(tvm.tir.Ramp(x * 7, 1, 4), tvm.tir.Broadcast(64, 4)), ) ck.verify(flm(y.astype("int32x2"), x.astype("int32x2")), flm(y, x).astype("int32x2")) ck.verify(flm(tvm.tir.Ramp(x, 4, 4), 2), tvm.tir.Broadcast(flm(x, 2), 4)) ck.verify(flm(tvm.tir.Ramp(x * 8 + 1, 1, 4), 8), tvm.tir.Ramp(1, 1, 4)) ck.verify(flm(tvm.tir.Ramp(x * 8 + 1, 15, 4), 8), flm(tvm.tir.Ramp(1, 15, 4), 8)) ck.verify(flm(tvm.tir.Ramp(x, 8, 4), tvm.tir.Broadcast(4, 4)), tvm.tir.Broadcast(flm(x, 4), 4)) ck.verify( flm(tvm.tir.Ramp(x, 7, 4), tvm.tir.Broadcast(4, 4)), flm(tvm.tir.Ramp(x, 7, 4), tvm.tir.Broadcast(4, 4)), ) ck.verify(flm(tvm.tir.Ramp(x * 8, 1, 4), tvm.tir.Broadcast(4, 4)), tvm.tir.Ramp(0, 1, 4)) ck.verify( flm(tvm.tir.Ramp(x * 8, 1, 5), tvm.tir.Broadcast(4, 5)), flm(tvm.tir.Ramp(0, 1, 5), tvm.tir.Broadcast(4, 5)), ) ck.verify( flm(tvm.tir.Ramp(x * 8 + 7, 1, 4), tvm.tir.Broadcast(4, 4)), flm(tvm.tir.Ramp(3, 1, 4), tvm.tir.Broadcast(4, 4)), ) ck.verify( flm(tvm.tir.Ramp(x * 4, 1, 4), tvm.tir.Broadcast(64, 4)), tvm.tir.Ramp(flm(x * 4, 64), 1, 4) ) ck.verify( flm(tvm.tir.Ramp(x * 8, 2, 4), tvm.tir.Broadcast(64, 4)), tvm.tir.Ramp(flm(x * 8, 64), 2, 4) ) ck.verify( flm(tvm.tir.Ramp(x * 4, 1, 5), tvm.tir.Broadcast(64, 5)), flm(tvm.tir.Ramp(x * 4, 1, 5), tvm.tir.Broadcast(64, 5)), ) ck.verify( flm(tvm.tir.Ramp(x * 4 + 3, 1, 4), tvm.tir.Broadcast(64, 4)), flm(tvm.tir.Ramp(x * 4 + 3, 1, 4), tvm.tir.Broadcast(64, 4)), ) ck.verify( flm(tvm.tir.Ramp(x * 2, 1, 8), tvm.tir.Broadcast(20, 8)), flm(tvm.tir.Ramp(x * 2, 1, 8), tvm.tir.Broadcast(20, 8)),
) ck.verify( flm(tvm.tir.Ramp(x * 7, 1, 4), tvm.tir.Broadcast(64, 4)), flm(tvm.tir.Ramp(x * 7, 1, 4), tvm.tir.Broadcast(64, 4)), ) vx = te.var("vx", dtype="int32x2") vc = te.var("vc", dtype="uint1") ck.verify( tvm.te.min(y.astype("int32x2"), x.astype("int32x2")), tvm.te.min(y, x).astype("int32x2") ) ck.verify( tvm.te.min(tvm.te.min(vx, y.astype("int32x2")), x.astype("int32x2")), tvm.te.min(vx, tvm.te.min(y, x).astype("int32x2")), ) ck.verify( tvm.te.max(y.astype("int32x2"), x.astype("int32x2")), tvm.te.max(y, x).astype("int32x2") ) ck.verify( tvm.te.max(tvm.te.max(vx, y.astype("int32x2")), x.astype("int32x2")), tvm.te.max(vx, tvm.te.max(y, x).astype("int32x2")), ) ck.verify(y.astype("int32x2").equal(x.astype("int32x2")), (y.equal(x)).astype("uint1x2")) ck.verify( tvm.tir.NE(y.astype("int32x2"), (x.astype("int32x2"))), (tvm.tir.NE(y, x)).astype("uint1x2") ) ck.verify(y.astype("int32x2") > x.astype("int32x2"), (x < y).astype("uint1x2")) ck.verify(y.astype("int32x2") >= x.astype("int32x2"), (x <= y).astype("uint1x2")) ck.verify(y.astype("int32x2") < x.astype("int32x2"), (y < x).astype("uint1x2")) ck.verify(y.astype("int32x2") <= x.astype("int32x2"), (y <= x).astype("uint1x2")) ck.verify( tvm.tir.And(y.astype("int32x2") <= x.astype("int32x2"), vc.astype("uint1x2")), (tvm.tir.And(y <= x, vc)).astype("uint1x2"), ) ck.verify( tvm.tir.Or(y.astype("int32x2") <= x.astype("int32x2"), vc.astype("uint1x2")), (tvm.tir.Or(y <= x, vc)).astype("uint1x2"), ) def test_select_simplify(): ck = RewriteChecker() x, y, z = te.var("x"), te.var("y"), te.var("z") ck.verify( tvm.tir.Select(x < 0, y, 0) + tvm.tir.Select(x < 0, 1, z), tvm.tir.Select(x < 0, y + 1, z) ) ck.verify( tvm.tir.Select(x < 0, y, 1) - tvm.tir.Select(x < 0, 1, z), tvm.tir.Select(x < 0, y + (-1), 1 - z), )
ck.verify(tvm.tir.Select(x < 0, y, z) - y, tvm.tir.Select(x < 0, 0, z - y)) ck.verify(tvm.tir.Select(x < 0, y, z) - z, tvm.tir.Select(x < 0, y - z, 0)) ck.verify( tvm.te.min(tvm.tir.Select(x < 0, y, 0), tvm.tir.Select(x < 0, 1, z)), tvm.tir.Select(x < 0, tvm.te.min(y, 1), tvm.te.min(0, z)), ) ck.verify( tvm.te.max(tvm.tir.Select(x < 0, y, 0), tvm.tir.Select(x < 0, 1, z)), tvm.tir.Select(x < 0, tvm.te.max(y, 1), tvm.te.max(0, z)), ) ck.verify(tvm.tir.Select(x * 3 + 1 != 0, y, z), y) ck.verify(tvm.tir.Select(x * 3 + 1 == 0, y, z), z) ck.verify(tvm.tir.Select(x > 0, y + 1, y + 1), y + 1) def test_add_index_simplify(): ck = RewriteChecker() x, y, z = te.var("x"), te.var("y"), te.var("z") ck.verify(x + (y - x), y) ck.verify(x - (y + 1) + (y + 1), x) ck.verify((x - 10) + (10 - z), x - z) ck.verify((x - y) + (z - x), z - y) ck.verify(tvm.te.min(x, y - z) + z, tvm.te.min(x + z, y)) ck.verify(tvm.te.min(x - z, y) + z, tvm.te.min(x, y + z)) ck.verify(tvm.te.max(x, y - 10) + 10, tvm.te.max(x + 10, y)) ck.verify(tvm.te.max(x - 11, y) + 11, tvm.te.max(x, y + 11)) ck.verify(tvm.te.max(x, y * 2) + tvm.te.min(x, y * 2), x + y * 2) ck.verify(tvm.te.min(x, y * 2) + tvm.te.max(x, y * 2), x + y * 2) ck.verify(tvm.te.max(x, y + 2) + (-2), tvm.te.max(x + (-2), y)) ck.verify(tvm.te.min(x, y + 2) + (-2), tvm.te.min(x + (-2), y)) ck.verify(tvm.te.min(x + 2, y + 3) + (-2), tvm.te.min(x, y + 1)) ck.verify(tvm.te.max(0, 1 - x * 4) + x * 4, tvm.te.max(x * 4, 1)) ck.verify(tvm.te.max(2 - x * 4, 0) + x * 4, tvm.te.max(x * 4, 2)) ck.verify(tvm.te.min(0, 1 - x * 4) + x * 4, tvm.te.min(x * 4, 1)) ck.verify(tvm.te.min(2 - x * 4, 0) + x * 4, tvm.te.min(x * 4, 2)) ck.verify(x * y + x * 10, x * (y + 10)) ck.verify(y * x + x * 10, x * (y + 10)) ck.verify(y * x + 10 * x, x * (y + 10)) ck.verify(x * y + 10 * x, x * (y + 10)) ck.verify((2 * z) + tvm.te.min(x, y - (2 * z)), tvm.te.m