This commit is contained in:
Waylon Walker 2022-03-31 20:20:07 -05:00
commit 38355d2442
No known key found for this signature in database
GPG key ID: 66E2BF2B4190EFE4
9083 changed files with 1225834 additions and 0 deletions

View file

@ -0,0 +1,32 @@
"""Find basic blocks that are likely to be executed frequently.
For example, this would not include blocks that have exception handlers.
We can use different optimization heuristics for common and rare code. For
example, we can make IR fast to compile instead of fast to execute for rare
code.
"""
from typing import Set
from mypyc.ir.ops import BasicBlock, Goto, Branch
def frequently_executed_blocks(entry_point: BasicBlock) -> Set[BasicBlock]:
result: Set[BasicBlock] = set()
worklist = [entry_point]
while worklist:
block = worklist.pop()
if block in result:
continue
result.add(block)
t = block.terminator
if isinstance(t, Goto):
worklist.append(t.label)
elif isinstance(t, Branch):
if t.rare or t.traceback_entry is not None:
worklist.append(t.false)
else:
worklist.append(t.true)
worklist.append(t.false)
return result

View file

@ -0,0 +1,564 @@
"""Data-flow analyses."""
from abc import abstractmethod
from typing import Dict, Tuple, List, Set, TypeVar, Iterator, Generic, Optional, Iterable, Union
from mypyc.ir.ops import (
Value, ControlOp,
BasicBlock, OpVisitor, Assign, AssignMulti, Integer, LoadErrorValue, RegisterOp, Goto, Branch,
Return, Call, Box, Unbox, Cast, Op, Unreachable, TupleGet, TupleSet, GetAttr, SetAttr,
LoadLiteral, LoadStatic, InitStatic, MethodCall, RaiseStandardError, CallC, LoadGlobal,
Truncate, IntOp, LoadMem, GetElementPtr, LoadAddress, ComparisonOp, SetMem, KeepAlive
)
from mypyc.ir.func_ir import all_values
class CFG:
"""Control-flow graph.
Node 0 is always assumed to be the entry point. There must be a
non-empty set of exits.
"""
def __init__(self,
succ: Dict[BasicBlock, List[BasicBlock]],
pred: Dict[BasicBlock, List[BasicBlock]],
exits: Set[BasicBlock]) -> None:
assert exits
self.succ = succ
self.pred = pred
self.exits = exits
def __str__(self) -> str:
lines = []
lines.append('exits: %s' % sorted(self.exits, key=lambda e: e.label))
lines.append('succ: %s' % self.succ)
lines.append('pred: %s' % self.pred)
return '\n'.join(lines)
def get_cfg(blocks: List[BasicBlock]) -> CFG:
"""Calculate basic block control-flow graph.
The result is a dictionary like this:
basic block index -> (successors blocks, predecesssor blocks)
"""
succ_map = {}
pred_map: Dict[BasicBlock, List[BasicBlock]] = {}
exits = set()
for block in blocks:
assert not any(isinstance(op, ControlOp) for op in block.ops[:-1]), (
"Control-flow ops must be at the end of blocks")
succ = list(block.terminator.targets())
if not succ:
exits.add(block)
# Errors can occur anywhere inside a block, which means that
# we can't assume that the entire block has executed before
# jumping to the error handler. In our CFG construction, we
# model this as saying that a block can jump to its error
# handler or the error handlers of any of its normal
# successors (to represent an error before that next block
# completes). This works well for analyses like "must
# defined", where it implies that registers assigned in a
# block may be undefined in its error handler, but is in
# general not a precise representation of reality; any
# analyses that require more fidelity must wait until after
# exception insertion.
for error_point in [block] + succ:
if error_point.error_handler:
succ.append(error_point.error_handler)
succ_map[block] = succ
pred_map[block] = []
for prev, nxt in succ_map.items():
for label in nxt:
pred_map[label].append(prev)
return CFG(succ_map, pred_map, exits)
def get_real_target(label: BasicBlock) -> BasicBlock:
if len(label.ops) == 1 and isinstance(label.ops[-1], Goto):
label = label.ops[-1].label
return label
def cleanup_cfg(blocks: List[BasicBlock]) -> None:
"""Cleanup the control flow graph.
This eliminates obviously dead basic blocks and eliminates blocks that contain
nothing but a single jump.
There is a lot more that could be done.
"""
changed = True
while changed:
# First collapse any jumps to basic block that only contain a goto
for block in blocks:
for i, tgt in enumerate(block.terminator.targets()):
block.terminator.set_target(i, get_real_target(tgt))
# Then delete any blocks that have no predecessors
changed = False
cfg = get_cfg(blocks)
orig_blocks = blocks[:]
blocks.clear()
for i, block in enumerate(orig_blocks):
if i == 0 or cfg.pred[block]:
blocks.append(block)
else:
changed = True
T = TypeVar('T')
AnalysisDict = Dict[Tuple[BasicBlock, int], Set[T]]
class AnalysisResult(Generic[T]):
def __init__(self, before: 'AnalysisDict[T]', after: 'AnalysisDict[T]') -> None:
self.before = before
self.after = after
def __str__(self) -> str:
return 'before: %s\nafter: %s\n' % (self.before, self.after)
GenAndKill = Tuple[Set[Value], Set[Value]]
class BaseAnalysisVisitor(OpVisitor[GenAndKill]):
def visit_goto(self, op: Goto) -> GenAndKill:
return set(), set()
@abstractmethod
def visit_register_op(self, op: RegisterOp) -> GenAndKill:
raise NotImplementedError
@abstractmethod
def visit_assign(self, op: Assign) -> GenAndKill:
raise NotImplementedError
@abstractmethod
def visit_assign_multi(self, op: AssignMulti) -> GenAndKill:
raise NotImplementedError
@abstractmethod
def visit_set_mem(self, op: SetMem) -> GenAndKill:
raise NotImplementedError
def visit_call(self, op: Call) -> GenAndKill:
return self.visit_register_op(op)
def visit_method_call(self, op: MethodCall) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_error_value(self, op: LoadErrorValue) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_literal(self, op: LoadLiteral) -> GenAndKill:
return self.visit_register_op(op)
def visit_get_attr(self, op: GetAttr) -> GenAndKill:
return self.visit_register_op(op)
def visit_set_attr(self, op: SetAttr) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_static(self, op: LoadStatic) -> GenAndKill:
return self.visit_register_op(op)
def visit_init_static(self, op: InitStatic) -> GenAndKill:
return self.visit_register_op(op)
def visit_tuple_get(self, op: TupleGet) -> GenAndKill:
return self.visit_register_op(op)
def visit_tuple_set(self, op: TupleSet) -> GenAndKill:
return self.visit_register_op(op)
def visit_box(self, op: Box) -> GenAndKill:
return self.visit_register_op(op)
def visit_unbox(self, op: Unbox) -> GenAndKill:
return self.visit_register_op(op)
def visit_cast(self, op: Cast) -> GenAndKill:
return self.visit_register_op(op)
def visit_raise_standard_error(self, op: RaiseStandardError) -> GenAndKill:
return self.visit_register_op(op)
def visit_call_c(self, op: CallC) -> GenAndKill:
return self.visit_register_op(op)
def visit_truncate(self, op: Truncate) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_global(self, op: LoadGlobal) -> GenAndKill:
return self.visit_register_op(op)
def visit_int_op(self, op: IntOp) -> GenAndKill:
return self.visit_register_op(op)
def visit_comparison_op(self, op: ComparisonOp) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_mem(self, op: LoadMem) -> GenAndKill:
return self.visit_register_op(op)
def visit_get_element_ptr(self, op: GetElementPtr) -> GenAndKill:
return self.visit_register_op(op)
def visit_load_address(self, op: LoadAddress) -> GenAndKill:
return self.visit_register_op(op)
def visit_keep_alive(self, op: KeepAlive) -> GenAndKill:
return self.visit_register_op(op)
class DefinedVisitor(BaseAnalysisVisitor):
"""Visitor for finding defined registers.
Note that this only deals with registers and not temporaries, on
the assumption that we never access temporaries when they might be
undefined.
If strict_errors is True, then we regard any use of LoadErrorValue
as making a register undefined. Otherwise we only do if
`undefines` is set on the error value.
This lets us only consider the things we care about during
uninitialized variable checking while capturing all possibly
undefined things for refcounting.
"""
def __init__(self, strict_errors: bool = False) -> None:
self.strict_errors = strict_errors
def visit_branch(self, op: Branch) -> GenAndKill:
return set(), set()
def visit_return(self, op: Return) -> GenAndKill:
return set(), set()
def visit_unreachable(self, op: Unreachable) -> GenAndKill:
return set(), set()
def visit_register_op(self, op: RegisterOp) -> GenAndKill:
return set(), set()
def visit_assign(self, op: Assign) -> GenAndKill:
# Loading an error value may undefine the register.
if (isinstance(op.src, LoadErrorValue)
and (op.src.undefines or self.strict_errors)):
return set(), {op.dest}
else:
return {op.dest}, set()
def visit_assign_multi(self, op: AssignMulti) -> GenAndKill:
# Array registers are special and we don't track the definedness of them.
return set(), set()
def visit_set_mem(self, op: SetMem) -> GenAndKill:
return set(), set()
def analyze_maybe_defined_regs(blocks: List[BasicBlock],
cfg: CFG,
initial_defined: Set[Value]) -> AnalysisResult[Value]:
"""Calculate potentially defined registers at each CFG location.
A register is defined if it has a value along some path from the initial location.
"""
return run_analysis(blocks=blocks,
cfg=cfg,
gen_and_kill=DefinedVisitor(),
initial=initial_defined,
backward=False,
kind=MAYBE_ANALYSIS)
def analyze_must_defined_regs(
blocks: List[BasicBlock],
cfg: CFG,
initial_defined: Set[Value],
regs: Iterable[Value],
strict_errors: bool = False) -> AnalysisResult[Value]:
"""Calculate always defined registers at each CFG location.
This analysis can work before exception insertion, since it is a
sound assumption that registers defined in a block might not be
initialized in its error handler.
A register is defined if it has a value along all paths from the
initial location.
"""
return run_analysis(blocks=blocks,
cfg=cfg,
gen_and_kill=DefinedVisitor(strict_errors=strict_errors),
initial=initial_defined,
backward=False,
kind=MUST_ANALYSIS,
universe=set(regs))
class BorrowedArgumentsVisitor(BaseAnalysisVisitor):
def __init__(self, args: Set[Value]) -> None:
self.args = args
def visit_branch(self, op: Branch) -> GenAndKill:
return set(), set()
def visit_return(self, op: Return) -> GenAndKill:
return set(), set()
def visit_unreachable(self, op: Unreachable) -> GenAndKill:
return set(), set()
def visit_register_op(self, op: RegisterOp) -> GenAndKill:
return set(), set()
def visit_assign(self, op: Assign) -> GenAndKill:
if op.dest in self.args:
return set(), {op.dest}
return set(), set()
def visit_assign_multi(self, op: AssignMulti) -> GenAndKill:
return set(), set()
def visit_set_mem(self, op: SetMem) -> GenAndKill:
return set(), set()
def analyze_borrowed_arguments(
blocks: List[BasicBlock],
cfg: CFG,
borrowed: Set[Value]) -> AnalysisResult[Value]:
"""Calculate arguments that can use references borrowed from the caller.
When assigning to an argument, it no longer is borrowed.
"""
return run_analysis(blocks=blocks,
cfg=cfg,
gen_and_kill=BorrowedArgumentsVisitor(borrowed),
initial=borrowed,
backward=False,
kind=MUST_ANALYSIS,
universe=borrowed)
class UndefinedVisitor(BaseAnalysisVisitor):
def visit_branch(self, op: Branch) -> GenAndKill:
return set(), set()
def visit_return(self, op: Return) -> GenAndKill:
return set(), set()
def visit_unreachable(self, op: Unreachable) -> GenAndKill:
return set(), set()
def visit_register_op(self, op: RegisterOp) -> GenAndKill:
return set(), {op} if not op.is_void else set()
def visit_assign(self, op: Assign) -> GenAndKill:
return set(), {op.dest}
def visit_assign_multi(self, op: AssignMulti) -> GenAndKill:
return set(), {op.dest}
def visit_set_mem(self, op: SetMem) -> GenAndKill:
return set(), set()
def analyze_undefined_regs(blocks: List[BasicBlock],
cfg: CFG,
initial_defined: Set[Value]) -> AnalysisResult[Value]:
"""Calculate potentially undefined registers at each CFG location.
A register is undefined if there is some path from initial block
where it has an undefined value.
Function arguments are assumed to be always defined.
"""
initial_undefined = set(all_values([], blocks)) - initial_defined
return run_analysis(blocks=blocks,
cfg=cfg,
gen_and_kill=UndefinedVisitor(),
initial=initial_undefined,
backward=False,
kind=MAYBE_ANALYSIS)
def non_trivial_sources(op: Op) -> Set[Value]:
result = set()
for source in op.sources():
if not isinstance(source, Integer):
result.add(source)
return result
class LivenessVisitor(BaseAnalysisVisitor):
def visit_branch(self, op: Branch) -> GenAndKill:
return non_trivial_sources(op), set()
def visit_return(self, op: Return) -> GenAndKill:
if not isinstance(op.value, Integer):
return {op.value}, set()
else:
return set(), set()
def visit_unreachable(self, op: Unreachable) -> GenAndKill:
return set(), set()
def visit_register_op(self, op: RegisterOp) -> GenAndKill:
gen = non_trivial_sources(op)
if not op.is_void:
return gen, {op}
else:
return gen, set()
def visit_assign(self, op: Assign) -> GenAndKill:
return non_trivial_sources(op), {op.dest}
def visit_assign_multi(self, op: AssignMulti) -> GenAndKill:
return non_trivial_sources(op), {op.dest}
def visit_set_mem(self, op: SetMem) -> GenAndKill:
return non_trivial_sources(op), set()
def analyze_live_regs(blocks: List[BasicBlock],
cfg: CFG) -> AnalysisResult[Value]:
"""Calculate live registers at each CFG location.
A register is live at a location if it can be read along some CFG path starting
from the location.
"""
return run_analysis(blocks=blocks,
cfg=cfg,
gen_and_kill=LivenessVisitor(),
initial=set(),
backward=True,
kind=MAYBE_ANALYSIS)
# Analysis kinds
MUST_ANALYSIS = 0
MAYBE_ANALYSIS = 1
# TODO the return type of this function is too complicated. Abstract it into its
# own class.
def run_analysis(blocks: List[BasicBlock],
cfg: CFG,
gen_and_kill: OpVisitor[Tuple[Set[T], Set[T]]],
initial: Set[T],
kind: int,
backward: bool,
universe: Optional[Set[T]] = None) -> AnalysisResult[T]:
"""Run a general set-based data flow analysis.
Args:
blocks: All basic blocks
cfg: Control-flow graph for the code
gen_and_kill: Implementation of gen and kill functions for each op
initial: Value of analysis for the entry points (for a forward analysis) or the
exit points (for a backward analysis)
kind: MUST_ANALYSIS or MAYBE_ANALYSIS
backward: If False, the analysis is a forward analysis; it's backward otherwise
universe: For a must analysis, the set of all possible values. This is the starting
value for the work list algorithm, which will narrow this down until reaching a
fixed point. For a maybe analysis the iteration always starts from an empty set
and this argument is ignored.
Return analysis results: (before, after)
"""
block_gen = {}
block_kill = {}
# Calculate kill and gen sets for entire basic blocks.
for block in blocks:
gen: Set[T] = set()
kill: Set[T] = set()
ops = block.ops
if backward:
ops = list(reversed(ops))
for op in ops:
opgen, opkill = op.accept(gen_and_kill)
gen = ((gen - opkill) | opgen)
kill = ((kill - opgen) | opkill)
block_gen[block] = gen
block_kill[block] = kill
# Set up initial state for worklist algorithm.
worklist = list(blocks)
if not backward:
worklist = worklist[::-1] # Reverse for a small performance improvement
workset = set(worklist)
before: Dict[BasicBlock, Set[T]] = {}
after: Dict[BasicBlock, Set[T]] = {}
for block in blocks:
if kind == MAYBE_ANALYSIS:
before[block] = set()
after[block] = set()
else:
assert universe is not None, "Universe must be defined for a must analysis"
before[block] = set(universe)
after[block] = set(universe)
if backward:
pred_map = cfg.succ
succ_map = cfg.pred
else:
pred_map = cfg.pred
succ_map = cfg.succ
# Run work list algorithm to generate in and out sets for each basic block.
while worklist:
label = worklist.pop()
workset.remove(label)
if pred_map[label]:
new_before: Union[Set[T], None] = None
for pred in pred_map[label]:
if new_before is None:
new_before = set(after[pred])
elif kind == MAYBE_ANALYSIS:
new_before |= after[pred]
else:
new_before &= after[pred]
assert new_before is not None
else:
new_before = set(initial)
before[label] = new_before
new_after = (new_before - block_kill[label]) | block_gen[label]
if new_after != after[label]:
for succ in succ_map[label]:
if succ not in workset:
worklist.append(succ)
workset.add(succ)
after[label] = new_after
# Run algorithm for each basic block to generate opcode-level sets.
op_before: Dict[Tuple[BasicBlock, int], Set[T]] = {}
op_after: Dict[Tuple[BasicBlock, int], Set[T]] = {}
for block in blocks:
label = block
cur = before[label]
ops_enum: Iterator[Tuple[int, Op]] = enumerate(block.ops)
if backward:
ops_enum = reversed(list(ops_enum))
for idx, op in ops_enum:
op_before[label, idx] = cur
opgen, opkill = op.accept(gen_and_kill)
cur = (cur - opkill) | opgen
op_after[label, idx] = cur
if backward:
op_after, op_before = op_before, op_after
return AnalysisResult(op_before, op_after)

View file

@ -0,0 +1,353 @@
"""Utilities for checking that internal ir is valid and consistent."""
from typing import List, Union, Set, Tuple
from mypyc.ir.pprint import format_func
from mypyc.ir.ops import (
OpVisitor, BasicBlock, Op, ControlOp, Goto, Branch, Return, Unreachable,
Assign, AssignMulti, LoadErrorValue, LoadLiteral, GetAttr, SetAttr, LoadStatic,
InitStatic, TupleGet, TupleSet, IncRef, DecRef, Call, MethodCall, Cast,
Box, Unbox, RaiseStandardError, CallC, Truncate, LoadGlobal, IntOp, ComparisonOp,
LoadMem, SetMem, GetElementPtr, LoadAddress, KeepAlive, Register, Integer,
BaseAssign
)
from mypyc.ir.rtypes import (
RType, RPrimitive, RUnion, is_object_rprimitive, RInstance, RArray,
int_rprimitive, list_rprimitive, dict_rprimitive, set_rprimitive,
range_rprimitive, str_rprimitive, bytes_rprimitive, tuple_rprimitive
)
from mypyc.ir.func_ir import FuncIR, FUNC_STATICMETHOD
class FnError(object):
def __init__(self, source: Union[Op, BasicBlock], desc: str) -> None:
self.source = source
self.desc = desc
def __eq__(self, other: object) -> bool:
return (
isinstance(other, FnError)
and self.source == other.source
and self.desc == other.desc
)
def __repr__(self) -> str:
return f"FnError(source={self.source}, desc={self.desc})"
def check_func_ir(fn: FuncIR) -> List[FnError]:
"""Applies validations to a given function ir and returns a list of errors found."""
errors = []
op_set = set()
for block in fn.blocks:
if not block.terminated:
errors.append(
FnError(
source=block.ops[-1] if block.ops else block,
desc="Block not terminated",
)
)
for op in block.ops[:-1]:
if isinstance(op, ControlOp):
errors.append(
FnError(
source=op,
desc="Block has operations after control op",
)
)
if op in op_set:
errors.append(
FnError(
source=op,
desc="Func has a duplicate op",
)
)
op_set.add(op)
errors.extend(check_op_sources_valid(fn))
if errors:
return errors
op_checker = OpChecker(fn)
for block in fn.blocks:
for op in block.ops:
op.accept(op_checker)
return op_checker.errors
class IrCheckException(Exception):
pass
def assert_func_ir_valid(fn: FuncIR) -> None:
errors = check_func_ir(fn)
if errors:
raise IrCheckException(
"Internal error: Generated invalid IR: \n"
+ "\n".join(format_func(fn, [(e.source, e.desc) for e in errors])),
)
def check_op_sources_valid(fn: FuncIR) -> List[FnError]:
errors = []
valid_ops: Set[Op] = set()
valid_registers: Set[Register] = set()
for block in fn.blocks:
valid_ops.update(block.ops)
valid_registers.update(
[op.dest for op in block.ops if isinstance(op, BaseAssign)]
)
valid_registers.update(fn.arg_regs)
for block in fn.blocks:
for op in block.ops:
for source in op.sources():
if isinstance(source, Integer):
pass
elif isinstance(source, Op):
if source not in valid_ops:
errors.append(
FnError(
source=op,
desc=f"Invalid op reference to op of type {type(source).__name__}",
)
)
elif isinstance(source, Register):
if source not in valid_registers:
errors.append(
FnError(
source=op,
desc=f"Invalid op reference to register {source.name}",
)
)
return errors
disjoint_types = set(
[
int_rprimitive.name,
bytes_rprimitive.name,
str_rprimitive.name,
dict_rprimitive.name,
list_rprimitive.name,
set_rprimitive.name,
tuple_rprimitive.name,
range_rprimitive.name,
]
)
def can_coerce_to(src: RType, dest: RType) -> bool:
"""Check if src can be assigned to dest_rtype.
Currently okay to have false positives.
"""
if isinstance(dest, RUnion):
return any(can_coerce_to(src, d) for d in dest.items)
if isinstance(dest, RPrimitive):
if isinstance(src, RPrimitive):
# If either src or dest is a disjoint type, then they must both be.
if src.name in disjoint_types and dest.name in disjoint_types:
return src.name == dest.name
return src.size == dest.size
if isinstance(src, RInstance):
return is_object_rprimitive(dest)
if isinstance(src, RUnion):
# IR doesn't have the ability to narrow unions based on
# control flow, so cannot be a strict all() here.
return any(can_coerce_to(s, dest) for s in src.items)
return False
return True
class OpChecker(OpVisitor[None]):
def __init__(self, parent_fn: FuncIR) -> None:
self.parent_fn = parent_fn
self.errors: List[FnError] = []
def fail(self, source: Op, desc: str) -> None:
self.errors.append(FnError(source=source, desc=desc))
def check_control_op_targets(self, op: ControlOp) -> None:
for target in op.targets():
if target not in self.parent_fn.blocks:
self.fail(
source=op, desc=f"Invalid control operation target: {target.label}"
)
def check_type_coercion(self, op: Op, src: RType, dest: RType) -> None:
if not can_coerce_to(src, dest):
self.fail(
source=op,
desc=f"Cannot coerce source type {src.name} to dest type {dest.name}",
)
def visit_goto(self, op: Goto) -> None:
self.check_control_op_targets(op)
def visit_branch(self, op: Branch) -> None:
self.check_control_op_targets(op)
def visit_return(self, op: Return) -> None:
self.check_type_coercion(op, op.value.type, self.parent_fn.decl.sig.ret_type)
def visit_unreachable(self, op: Unreachable) -> None:
# Unreachables are checked at a higher level since validation
# requires access to the entire basic block.
pass
def visit_assign(self, op: Assign) -> None:
self.check_type_coercion(op, op.src.type, op.dest.type)
def visit_assign_multi(self, op: AssignMulti) -> None:
for src in op.src:
assert isinstance(op.dest.type, RArray)
self.check_type_coercion(op, src.type, op.dest.type.item_type)
def visit_load_error_value(self, op: LoadErrorValue) -> None:
# Currently it is assumed that all types have an error value.
# Once this is fixed we can validate that the rtype here actually
# has an error value.
pass
def check_tuple_items_valid_literals(
self, op: LoadLiteral, t: Tuple[object, ...]
) -> None:
for x in t:
if x is not None and not isinstance(
x, (str, bytes, bool, int, float, complex, tuple)
):
self.fail(op, f"Invalid type for item of tuple literal: {type(x)})")
if isinstance(x, tuple):
self.check_tuple_items_valid_literals(op, x)
def visit_load_literal(self, op: LoadLiteral) -> None:
expected_type = None
if op.value is None:
expected_type = "builtins.object"
elif isinstance(op.value, int):
expected_type = "builtins.int"
elif isinstance(op.value, str):
expected_type = "builtins.str"
elif isinstance(op.value, bytes):
expected_type = "builtins.bytes"
elif isinstance(op.value, bool):
expected_type = "builtins.object"
elif isinstance(op.value, float):
expected_type = "builtins.float"
elif isinstance(op.value, complex):
expected_type = "builtins.object"
elif isinstance(op.value, tuple):
expected_type = "builtins.tuple"
self.check_tuple_items_valid_literals(op, op.value)
assert expected_type is not None, "Missed a case for LoadLiteral check"
if op.type.name not in [expected_type, "builtins.object"]:
self.fail(
op,
f"Invalid literal value for type: value has "
f"type {expected_type}, but op has type {op.type.name}",
)
def visit_get_attr(self, op: GetAttr) -> None:
# Nothing to do.
pass
def visit_set_attr(self, op: SetAttr) -> None:
# Nothing to do.
pass
# Static operations cannot be checked at the function level.
def visit_load_static(self, op: LoadStatic) -> None:
pass
def visit_init_static(self, op: InitStatic) -> None:
pass
def visit_tuple_get(self, op: TupleGet) -> None:
# Nothing to do.
pass
def visit_tuple_set(self, op: TupleSet) -> None:
# Nothing to do.
pass
def visit_inc_ref(self, op: IncRef) -> None:
# Nothing to do.
pass
def visit_dec_ref(self, op: DecRef) -> None:
# Nothing to do.
pass
def visit_call(self, op: Call) -> None:
# Length is checked in constructor, and return type is set
# in a way that can't be incorrect
for arg_value, arg_runtime in zip(op.args, op.fn.sig.args):
self.check_type_coercion(op, arg_value.type, arg_runtime.type)
def visit_method_call(self, op: MethodCall) -> None:
# Similar to above, but we must look up method first.
method_decl = op.receiver_type.class_ir.method_decl(op.method)
if method_decl.kind == FUNC_STATICMETHOD:
decl_index = 0
else:
decl_index = 1
if len(op.args) + decl_index != len(method_decl.sig.args):
self.fail(op, "Incorrect number of args for method call.")
# Skip the receiver argument (self)
for arg_value, arg_runtime in zip(op.args, method_decl.sig.args[decl_index:]):
self.check_type_coercion(op, arg_value.type, arg_runtime.type)
def visit_cast(self, op: Cast) -> None:
pass
def visit_box(self, op: Box) -> None:
pass
def visit_unbox(self, op: Unbox) -> None:
pass
def visit_raise_standard_error(self, op: RaiseStandardError) -> None:
pass
def visit_call_c(self, op: CallC) -> None:
pass
def visit_truncate(self, op: Truncate) -> None:
pass
def visit_load_global(self, op: LoadGlobal) -> None:
pass
def visit_int_op(self, op: IntOp) -> None:
pass
def visit_comparison_op(self, op: ComparisonOp) -> None:
pass
def visit_load_mem(self, op: LoadMem) -> None:
pass
def visit_set_mem(self, op: SetMem) -> None:
pass
def visit_get_element_ptr(self, op: GetElementPtr) -> None:
pass
def visit_load_address(self, op: LoadAddress) -> None:
pass
def visit_keep_alive(self, op: KeepAlive) -> None:
pass