Skip to content

Instantly share code, notes, and snippets.

@maggiemoss
Created September 30, 2025 22:56
Show Gist options
  • Select an option

  • Save maggiemoss/3a0aa0b6cdda0e449cd5743d5fce2c60 to your computer and use it in GitHub Desktop.

Select an option

Save maggiemoss/3a0aa0b6cdda0e449cd5743d5fce2c60 to your computer and use it in GitHub Desktop.
ERROR Object of class `TestBundledInputs` has no attribute `assertLess` [missing-attribute]
--> test/test_bundled_inputs.py:61:9
|
61 | self.assertLess(augmented_size, original_size + (1 << 12))
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertTrue` [missing-attribute]
--> test/test_bundled_inputs.py:67:9
|
67 | self.assertTrue(loaded(*inflated[0]) is inflated[0][0])
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertIsInstance` [missing-attribute]
--> test/test_bundled_inputs.py:70:13
|
70 | self.assertIsInstance(inp, tuple)
| ^^^^^^^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertIsInstance` [missing-attribute]
--> test/test_bundled_inputs.py:72:13
|
72 | self.assertIsInstance(inp[0], torch.Tensor)
| ^^^^^^^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertTrue` [missing-attribute]
--> test/test_bundled_inputs.py:139:9
|
139 | self.assertTrue(loaded(*inflated[0]) == "first 1")
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertTrue` [missing-attribute]
--> test/test_bundled_inputs.py:185:9
|
185 | self.assertTrue(loaded(*inflated[0]) is inflated[0][0])
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestBundledInputs` has no attribute `assertLess` [missing-attribute]
--> test/test_bundled_inputs.py:417:9
|
417 | self.assertLess(augmented_size, original_size + (1 << 13))
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestComplexTensor` has no attribute `assertTrue` [missing-attribute]
--> test/test_complex.py:51:9
|
51 | self.assertTrue(torch.all(x))
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestComplexTensor` has no attribute `assertFalse` [missing-attribute]
--> test/test_complex.py:59:9
|
59 | self.assertFalse(torch.any(x))
| ^^^^^^^^^^^^^^^^
|
ERROR Object of class `TestTypeHints` has no attribute `fail` [missing-attribute]
--> test/test_type_hints.py:145:17
|
145 | self.fail(f"mypy failed:\n{stderr}\n{stdout}")
| ^^^^^^^^^
|
ERROR Object of class `TestDTypeInfo` has no attribute `assertLess` [missing-attribute]
--> test/test_type_info.py:128:9
|
128 | self.assertLess(len(ref_cnt), 3)
| ^^^^^^^^^^^^^^^
|
ERROR Object of class `TestDTypeInfo` has no attribute `assertLess` [missing-attribute]
--> test/test_type_info.py:138:9
|
138 | self.assertLess(len(ref_cnt), 3)
| ^^^^^^^^^^^^^^^
|
ERROR Argument `Unknown | None` is not assignable to parameter `message` with type `() -> str` in function `_check_with` [bad-argument-type]
--> torch/__init__.py:1702:37
|
1702 | _check_with(RuntimeError, cond, message)
| ^^^^^^^
|
ERROR Argument `Unknown | None` is not assignable to parameter `message` with type `() -> str` in function `_check_with` [bad-argument-type]
--> torch/__init__.py:1751:35
|
1751 | _check_with(IndexError, cond, message)
| ^^^^^^^
|
ERROR Argument `Unknown | None` is not assignable to parameter `message` with type `() -> str` in function `_check_with` [bad-argument-type]
--> torch/__init__.py:1769:35
|
1769 | _check_with(ValueError, cond, message)
| ^^^^^^^
|
ERROR Argument `Unknown | None` is not assignable to parameter `message` with type `() -> str` in function `_check_with` [bad-argument-type]
--> torch/__init__.py:1787:34
|
1787 | _check_with(TypeError, cond, message)
| ^^^^^^^
|
ERROR Argument `Unknown | None` is not assignable to parameter `message` with type `() -> str` in function `_check_with` [bad-argument-type]
--> torch/__init__.py:1805:44
|
1805 | _check_with(NotImplementedError, cond, message)
| ^^^^^^^
|
ERROR No matching overload found for function `compile` [no-matching-overload]
--> torch/__init__.py:2615:27
|
2615 | return compile(
| ___________________________^
2616 | | model,
2617 | | fullgraph=fullgraph,
2618 | | dynamic=dynamic,
2619 | | backend=backend,
2620 | | mode=mode,
| |___________________________^
|
Possible overloads:
(source: Buffer | Expression | Interactive | Module | str, filename: Buffer | PathLike[Any] | str, mode: str, flags: Literal[0], dont_inherit: bool = False, optimize: int = -1, *, _feature_version: int = -1) -> CodeType
(source: Buffer | Expression | Interactive | Module | str, filename: Buffer | PathLike[Any] | str, mode: str, *, dont_inherit: bool = False, optimize: int = -1, _feature_version: int = -1) -> CodeType [closest match]
(source: Buffer | Expression | Interactive | Module | str, filename: Buffer | PathLike[Any] | str, mode: str, flags: Literal[1024], dont_inherit: bool = False, optimize: int = -1, *, _feature_version: int = -1) -> AST
(source: Buffer | Expression | Interactive | Module | str, filename: Buffer | PathLike[Any] | str, mode: str, flags: int, dont_inherit: bool = False, optimize: int = -1, *, _feature_version: int = -1) -> Any
ERROR `str` is not assignable to attribute `__name__` with type `None` [bad-assignment]
--> torch/_custom_op/impl.py:104:27
|
104 | result.__name__ = func.__name__
| ^^^^^^^^^^^^^
|
ERROR Expected *-unpacked _P.args and **-unpacked _P.kwargs [invalid-param-spec]
--> torch/_dispatch/python.py:157:25
|
157 | f_r = op(*f_args, **f_kwargs)
| ^^^^^^^^^^^^^^^^^^^^^
|
ERROR Object of class `Enum` has no attribute `qualified_name` [missing-attribute]
--> torch/_jit_internal.py:150:16
|
150 | return obj.qualified_name
| ^^^^^^^^^^^^^^^^^^
|
ERROR Returned type `property` is not assignable to declared return type `(ParamSpec(_P)) -> _R` [bad-return]
--> torch/_jit_internal.py:762:16
|
762 | return prop
| ^^^^
|
ERROR Object of class `FunctionType` has no attribute `_torchscript_modifier` [missing-attribute]
--> torch/_jit_internal.py:847:9
|
847 | fn._torchscript_modifier = FunctionModifiers.IGNORE
| ^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Argument `type | None` is not assignable to parameter `obj` with type `((...) -> object) | ModuleType | type[object]` in function `inspect.get_annotations` [bad-argument-type]
--> torch/_jit_internal.py:1253:51
|
1253 | obj_annotations = inspect.get_annotations(obj.__base__)
| ^^^^^^^^^^^^
|
ERROR Argument `ParamSpec` is not assignable to parameter `cls` with type `type` in function `issubclass` [bad-argument-type]
--> torch/_jit_internal.py:1442:9
|
1442 | origin_type, BuiltinUnionType
| ^^^^^^^^^^^
|
ERROR `Thread` is not assignable to attribute `_closure_event_loop` with type `None` [bad-assignment]
--> torch/_lazy/closure.py:66:40
|
66 | self._closure_event_loop = threading.Thread(target=event_loop)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Object of class `NoneType` has no attribute `start` [missing-attribute]
--> torch/_lazy/closure.py:67:13
|
67 | self._closure_event_loop.start()
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Class member `LOBPCGAutogradFunction.backward` overrides parent class `Function` in an inconsistent manner [bad-override]
--> torch/_lobpcg.py:304:9
|
304 | def backward(ctx, D_grad, U_grad):
| ^^^^^^^^
|
`LOBPCGAutogradFunction.backward` has type `(ctx: Unknown, D_grad: Unknown, U_grad: Unknown) -> Unknown`, which is not consistent with `(ctx: Any, *grad_outputs: Any) -> Any` in `Function.backward` (the type of read-write attributes cannot be changed)
ERROR `**` is not supported between `Tensor` and `float` [unsupported-operation]
--> torch/_lobpcg.py:1051:47
|
1051 | return torch.matmul(U * d_col.mT, Z * E**-0.5)
| ^^^^^^^
|
Argument `float` is not assignable to parameter with type `TensorBase`
ERROR `**` is not supported between `Tensor` and `float` [unsupported-operation]
--> torch/_lobpcg.py:1051:47
|
1051 | return torch.matmul(U * d_col.mT, Z * E**-0.5)
| ^^^^^^^
|
Expected 1 more positional argument
ERROR `bool | None` is not assignable to `None` (caused by inconsistent types when breaking cycles) [bad-assignment]
--> torch/_ops.py:806:9
|
806 | / for a in self._schema.arguments:
807 | | if a.alias_info is None:
808 | | continue
809 | | if is_write is None:
810 | | is_write = a.alias_info.is_write
811 | | else:
| |__________________^
|
ERROR Returned type `_NotImplementedType` is not assignable to declared return type `_T` [bad-return]
--> torch/_ops.py:888:20
|
888 | return NotImplemented
| ^^^^^^^^^^^^^^
|
ERROR Cannot set item in `dict[DispatchKey, ((...) -> Any) | DispatchKey]` [unsupported-operation]
--> torch/_ops.py:993:41
|
993 | self._dispatch_cache[key] = r
| ^
|
Argument `((...) -> Any) | None` is not assignable to parameter `value` with type `((...) -> Any) | DispatchKey` in function `dict.__setitem__`
ERROR Returned type `((...) -> Any) | None` is not assignable to declared return type `((ParamSpec(_P)) -> _T) | DispatchKey` [bad-return]
--> torch/_ops.py:995:16
|
995 | return r
| ^
|
ERROR Returned type `_T | Any` is not assignable to declared return type `_T` [bad-return]
--> torch/_ops.py:1125:16
|
1125 | return handler(*args, **kwargs)
| ^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Expected `_P` to be a ParamSpec value in function `_call_overload_packet_from_python` [bad-argument-type]
--> torch/_ops.py:1254:53
|
1254 | return _call_overload_packet_from_python(self, *args, **kwargs)
| ^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Expected `_P` to be a ParamSpec value in function `StrobelightCLIFunctionProfiler.profile` [bad-argument-type]
--> torch/_strobelight/cli_function_profiler.py:317:36
|
317 | return profiler.profile(work_function, *args, **kwargs)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Argument `set[str | None]` is not assignable to parameter `sample_tags` with type `list[str] | None` in function `torch._strobelight.cli_function_profiler.StrobelightCLIFunctionProfiler.__init__` [bad-argument-type]
--> torch/_strobelight/compile_time_profiler.py:148:25
|
148 | sample_tags={cls.identifier},
| ^^^^^^^^^^^^^^^^
|
ERROR `OrderedDict[@_, @_]` is not assignable to attribute `_post_accumulate_grad_hooks` with type `Never` [bad-assignment]
--> torch/_tensor.py:758:64
|
758 | self._post_accumulate_grad_hooks: dict[Any, Any] = OrderedDict()
| ^^^^^^^^^^^^^
|
ERROR Argument `Tensor | int | Unknown` is not assignable to parameter `split_sizes` with type `Sequence[SymInt | int]` in function `torch._VF.split_with_sizes` [bad-argument-type]
--> torch/_tensor.py:1058:53
|
1058 | return torch._VF.split_with_sizes(self, split_size, dim)
| ^^^^^^^^^^
|
ERROR No matching overload found for function `torch._C._VariableFunctions.rsub` [no-matching-overload]
--> torch/_tensor.py:1103:42
|
1103 | return _C._VariableFunctions.rsub(self, other)
| ^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, other: Tensor, *, alpha: bool | complex | float | int = 1) -> Tensor [closest match]
(input: Tensor, other: bool | complex | float | int, alpha: bool | complex | float | int = 1) -> Tensor
ERROR No matching overload found for function `torch._C._VariableFunctions.remainder` [no-matching-overload]
--> torch/_tensor.py:1128:31
|
1128 | return torch.remainder(other, self)
| ^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, other: Tensor, *, out: Tensor | None = None) -> Tensor [closest match]
(self: bool | complex | float | int, other: Tensor) -> Tensor
(input: Tensor, other: bool | complex | float | int, *, out: Tensor | None = None) -> Tensor
ERROR No matching overload found for function `torch._C._VariableFunctions.pow` [no-matching-overload]
--> torch/_tensor.py:1141:25
|
1141 | return torch.pow(other, self)
| ^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, exponent: Tensor, *, out: Tensor | None = None) -> Tensor [closest match]
(self: bool | complex | float | int, exponent: Tensor, *, out: Tensor | None = None) -> Tensor
(input: Tensor, exponent: bool | complex | float | int, *, out: Tensor | None = None) -> Tensor
ERROR No matching overload found for function `torch._C._VariableFunctions.bitwise_left_shift` [no-matching-overload]
--> torch/_tensor.py:1157:40
|
1157 | return torch.bitwise_left_shift(other, self)
| ^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, other: Tensor, *, out: Tensor | None = None) -> Tensor [closest match]
(self: bool | complex | float | int, other: Tensor) -> Tensor
(input: Tensor, other: bool | complex | float | int, *, out: Tensor | None = None) -> Tensor
ERROR No matching overload found for function `torch._C._VariableFunctions.bitwise_right_shift` [no-matching-overload]
--> torch/_tensor.py:1163:41
|
1163 | return torch.bitwise_right_shift(other, self)
| ^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, other: Tensor, *, out: Tensor | None = None) -> Tensor [closest match]
(self: bool | complex | float | int, other: Tensor) -> Tensor
(input: Tensor, other: bool | complex | float | int, *, out: Tensor | None = None) -> Tensor
ERROR Class member `Tensor.refine_names` overrides parent class `TensorBase` in an inconsistent manner [bad-override]
--> torch/_tensor.py:1337:9
|
1337 | def refine_names(self, *names):
| ^^^^^^^^^^^^
|
`Tensor.refine_names` has type `BoundMethod[Tensor, (self: Tensor, *names: Unknown) -> Unknown]`, which is not assignable to `BoundMethod[Tensor, (self: Tensor, names: Sequence[EllipsisType | str | None]) -> Tensor]`, the type of `TensorBase.refine_names`
ERROR Class member `Tensor.align_to` overrides parent class `TensorBase` in an inconsistent manner [bad-override]
--> torch/_tensor.py:1381:9
|
1381 | def align_to(self, *names):
| ^^^^^^^^
|
`Tensor.align_to` has type `BoundMethod[Tensor, (self: Tensor, *names: Unknown) -> Unknown]`, which is not assignable to `BoundMethod[Tensor, Overload[(self: Tensor, order: Sequence[EllipsisType | str | None], ellipsis_idx: int) -> Tensor, (self: Tensor, names: Sequence[EllipsisType | str | None]) -> Tensor]]`, the type of `TensorBase.align_to`
ERROR Object of class `int` has no attribute `append` [missing-attribute]
--> torch/_utils.py:688:9
|
688 | buf_and_size[0].append(tensor)
| ^^^^^^^^^^^^^^^^^^^^^^
|
ERROR `+=` is not supported between `list[Unknown]` and `int` [unsupported-operation]
--> torch/_utils.py:689:9
|
689 | buf_and_size[1] += size
| ^^^^^^^^^^^^^^^^^^^^^^^
|
Argument `int` is not assignable to parameter `value` with type `Iterable[Unknown]` in function `list.__iadd__`
ERROR No matching overload found for function `traceback.format_exception` [no-matching-overload]
--> torch/_utils.py:746:58
|
746 | self.exc_msg = "".join(traceback.format_exception(*exc_info))
| ^^^^^^^^^^^
|
Possible overloads:
(exc: type[BaseException] | None, /, value: BaseException | None = ..., tb: TracebackType | None = ..., limit: int | None = None, chain: bool = True) -> list[str]
(exc: BaseException, /, *, limit: int | None = None, chain: bool = True) -> list[str] [closest match]
ERROR Object of class `NoneType` has no attribute `__name__` [missing-attribute]
--> torch/_utils.py:753:25
|
753 | msg = f"Caught {self.exc_type.__name__} {self.where}.\nOriginal {self.exc_msg}"
| ^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/_utils.py:762:19
|
762 | raise self.exc_type(message=msg)
| ^^^^^^^^^^^^^
|
ERROR Unexpected keyword argument `message` in function `BaseException.__init__` [unexpected-keyword]
--> torch/_utils.py:762:33
|
762 | raise self.exc_type(message=msg)
| ^^^^^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/_utils.py:764:25
|
764 | exception = self.exc_type(msg)
| ^^^^^^^^^^^^^
|
ERROR `tuple[Unknown, Unknown]` is not assignable to attribute `manual_seed_all_cb` with type `None` [bad-assignment]
--> torch/_utils.py:1016:35
|
1016 | self.manual_seed_all_cb = (cb, traceback)
| ^^^^^^^^^^^^^^^
|
ERROR `tuple[Unknown, Unknown]` is not assignable to attribute `manual_seed_cb` with type `None` [bad-assignment]
--> torch/_utils.py:1021:31
|
1021 | self.manual_seed_cb = (cb, traceback)
| ^^^^^^^^^^^^^^^
|
ERROR `Kwargs[_P]` is not subscriptable [unsupported-operation]
--> torch/_utils_internal.py:86:56
|
86 | if "skip" in kwargs and isinstance(skip := kwargs["skip"], int):
| ^^^^^^^^^^^^^^
|
ERROR Argument `str` is not assignable to parameter `message` with type `LiteralString` in function `typing_extensions.deprecated.__init__` [bad-argument-type]
--> torch/_utils_internal.py:329:13
|
329 | warning_msg, category=UserWarning, stacklevel=1
| ^^^^^^^^^^^
|
ERROR Object of class `NoneType` has no attribute `ndarray` [missing-attribute]
--> torch/amp/autocast_mode.py:467:42
|
467 | elif HAS_NUMPY and isinstance(value, np.ndarray):
| ^^^^^^^^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/amp/autocast_mode.py:524:20
|
524 | return fwd(*args, **kwargs)
| ^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/amp/autocast_mode.py:530:28
|
530 | return fwd(
| ^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/amp/autocast_mode.py:535:24
|
535 | return fwd(*args, **kwargs)
| ^^^
|
ERROR Expected a callable, got `None` [not-callable]
--> torch/amp/autocast_mode.py:570:20
|
570 | return bwd(*args, **kwargs)
| ^^^
|
ERROR Argument `int | Unknown` is not assignable to parameter `obj` with type `Sized` in function `len` [bad-argument-type]
--> torch/functional.py:1787:76
|
1787 | dim is None or isinstance(dim, (int, torch.SymInt)) or len(dim) <= 2
| ^^^
|
ERROR Argument `list[SymInt | int]` is not assignable to parameter `iterable` with type `Iterable[int]` in function `tuple.__new__` [bad-argument-type]
--> torch/functional.py:1953:28
|
1953 | shape = torch.Size([shape])
| ^^^^^^^
|
ERROR No matching overload found for function `posixpath.expanduser` [no-matching-overload]
--> torch/hub.py:424:34
|
424 | _hub_dir = os.path.expanduser(d)
| ^^^
|
Possible overloads:
(path: PathLike[AnyStr]) -> AnyStr [closest match]
(path: AnyStr) -> AnyStr
ERROR Argument `str | Unknown` is not assignable to parameter `key` with type `DispatchKey` in function `torch._C.DispatchKeySet.__init__` [bad-argument-type]
--> torch/library.py:245:37
|
245 | assert torch.DispatchKeySet(dispatch_key).has(torch._C.DispatchKey.Dense)
| ^^^^^^^^^^^^
|
ERROR No matching overload found for function `_impl` [no-matching-overload]
--> torch/library.py:646:17
|
646 | return _impl(qualname, types, func, lib=lib, disable_dynamo=False)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
Possible overloads:
(qualname: str, types: Sequence[str] | str, func: None = None, *, lib: Library | None = None, disable_dynamo: bool = False) -> ((...) -> object) -> None [closest match]
(qualname: str, types: Sequence[str] | str, func: (...) -> object, *, lib: Library | None = None, disable_dynamo: bool = False) -> None
ERROR No matching overload found for function `_impl` [no-matching-overload]
--> torch/library.py:832:17
|
832 | return _impl(op, device_types, func, lib=lib, disable_dynamo=True)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
Possible overloads:
(qualname: str, types: Sequence[str] | str, func: None = None, *, lib: Library | None = None, disable_dynamo: bool = False) -> ((...) -> object) -> None [closest match]
(qualname: str, types: Sequence[str] | str, func: (...) -> object, *, lib: Library | None = None, disable_dynamo: bool = False) -> None
ERROR Could not import `_linalg` from `torch._C` [missing-module-attribute]
--> torch/linalg/__init__.py:3:5
|
3 | _linalg,
| ^^^^^^^
|
ERROR Could not import `_LinAlgError` from `torch._C` [missing-module-attribute]
--> torch/linalg/__init__.py:4:5
|
4 | _LinAlgError as LinAlgError,
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR `Literal[-1]` is not assignable to attribute `idx` with type `Never` [bad-assignment]
--> torch/mtia/__init__.py:305:28
|
305 | self.idx = -1
| ^^
|
ERROR No matching overload found for function `max` [no-matching-overload]
--> torch/multiprocessing/spawn.py:122:31
|
122 | time_to_wait = max(0, end - time.monotonic())
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
Possible overloads:
(arg1: SupportsRichComparisonT, arg2: SupportsRichComparisonT, /, *_args: SupportsRichComparisonT, *, key: None = None) -> SupportsRichComparisonT [closest match]
(arg1: _T, arg2: _T, /, *_args: _T, *, key: (_T) -> SupportsDunderGT[Any] | SupportsDunderLT[Any]) -> _T
(iterable: Iterable[SupportsRichComparisonT], /, *, key: None = None) -> SupportsRichComparisonT
(iterable: Iterable[_T], /, *, key: (_T) -> SupportsDunderGT[Any] | SupportsDunderLT[Any]) -> _T
(iterable: Iterable[SupportsRichComparisonT], /, *, key: None = None, default: _T) -> SupportsRichComparisonT | _T
(iterable: Iterable[_T1], /, *, key: (_T1) -> SupportsDunderGT[Any] | SupportsDunderLT[Any], default: _T2) -> _T1 | _T2
ERROR Object of class `BaseContext` has no attribute `Process` [missing-attribute]
--> torch/multiprocessing/spawn.py:277:19
|
277 | process = mp.Process(
| ^^^^^^^^^^
|
ERROR Class member `ViewNestedFromBuffer.forward` overrides parent class `Function` in an inconsistent manner [bad-override]
--> torch/nested/_internal/nested_tensor.py:409:9
|
409 | def forward(
| ^^^^^^^
|
`ViewNestedFromBuffer.forward` has type `(ctx: Unknown, values: Tensor, offsets: Tensor, metadata_cache: dict[str, Any] | None = None) -> Unknown`, which is not consistent with `(*args: Any, **kwargs: Any) -> Any` in `Function.forward` (the type of read-write attributes cannot be changed)
ERROR `>=` is not supported between `tuple[int, ...]` and `Literal[0]` [unsupported-operation]
--> torch/nested/_internal/ops.py:32:12
|
32 | assert dim >= 0 and dim < ndim
| ^^^^^^^^
|
Argument `Literal[0]` is not assignable to parameter `value` with type `tuple[int, ...]` in function `tuple.__ge__`
ERROR `-` is not supported between `tuple[int, ...]` and `Literal[1]` [unsupported-operation]
--> torch/nested/_internal/ops.py:36:44
|
36 | return ragged_dim - 1 if dim == 0 else dim - 1
| ^^^^^^^
|
Argument `tuple[int, ...]` is not assignable to parameter `value` with type `int` in function `int.__rsub__`
ERROR No matching overload found for function `torch._C._VariableFunctions.all` [no-matching-overload]
--> torch/nested/_internal/ops.py:1991:18
|
1991 | torch.all(indices[inp._ragged_idx] < lengths),
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
Possible overloads:
(input: Tensor, *, out: Tensor | None = None) -> Tensor [closest match]
(input: Tensor, dim: Size | list[int] | tuple[int, ...] | None = None, keepdim: bool = False, *, out: Tensor | None = None) -> Tensor
(input: Tensor, dim: int, keepdim: bool = False, *, out: Tensor | None = None) -> Tensor
(input: Tensor, dim: EllipsisType | str | None, keepdim: bool = False, *, out: Tensor | None = None) -> Tensor
ERROR No attribute `sched_setaffinity` in module `os` [missing-attribute]
--> torch/numa/binding.py:137:5
|
137 | os.sched_setaffinity(0, logical_cpu_indices)
| ^^^^^^^^^^^^^^^^^^^^
|
ERROR No attribute `sched_getaffinity` in module `os` [missing-attribute]
--> torch/numa/binding.py:547:12
|
547 | return os.sched_getaffinity(0)
| ^^^^^^^^^^^^^^^^^^^^
|
ERROR Could not import `_compat_pickle` from `pickle` [missing-module-attribute]
--> torch/package/_package_pickler.py:3:5
|
3 | _compat_pickle,
| ^^^^^^^^^^^^^^
|
ERROR Could not import `_extension_registry` from `pickle` [missing-module-attribute]
--> torch/package/_package_pickler.py:4:5
|
4 | _extension_registry,
| ^^^^^^^^^^^^^^^^^^^
|
ERROR Could not import `_getattribute` from `pickle` [missing-module-attribute]
--> torch/package/_package_pickler.py:5:5
|
5 | _getattribute,
| ^^^^^^^^^^^^^
|
ERROR Could not import `_getattribute` from `pickle` [missing-module-attribute]
--> torch/package/importer.py:6:5
|
6 | _getattribute,
| ^^^^^^^^^^^^^
|
ERROR Could not import `whichmodule` from `pickle` [missing-module-attribute]
--> torch/package/importer.py:8:5
|
8 | whichmodule as _pickle_whichmodule,
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR No matching overload found for function `os.fspath` [no-matching-overload]
--> torch/package/package_exporter.py:222:26
|
222 | f = os.fspath(f)
| ^^^
|
Possible overloads:
(path: str) -> str [closest match]
(path: bytes) -> bytes
(path: PathLike[AnyStr]) -> AnyStr
ERROR `str | None` is not assignable to `None` (caused by inconsistent types when breaking cycles) [bad-assignment]
--> torch/package/package_exporter.py:655:13
|
655 | / for opcode, arg, _pos in pickletools.genops(data_value):
656 | | if pickle_protocol == 4:
657 | | if (
658 | | opcode.name == "SHORT_BINUNICODE"
659 | | or opcode.name == "BINUNICODE"
660 | | or opcode.name == "BINUNICODE8"
| |________________________________________________________^
|
ERROR No matching overload found for function `os.fspath` [no-matching-overload]
--> torch/package/package_importer.py:111:38
|
111 | self.filename = os.fspath(file_or_buffer)
| ^^^^^^^^^^^^^^^^
|
Possible overloads:
(path: str) -> str [closest match]
(path: bytes) -> bytes
(path: PathLike[AnyStr]) -> AnyStr
WARN `QConfigDynamic` is deprecated [deprecated]
--> torch/quantization/qconfig.py:30:5
|
30 | QConfigDynamic,
| --------------
|
ERROR No matching overload found for function `torch._C.PyTorchFileReader.__init__` [no-matching-overload]
--> torch/serialization.py:771:52
|
771 | super().__init__(torch._C.PyTorchFileReader(name_or_buffer))
| ^^^^^^^^^^^^^^^^
|
Possible overloads:
(name: str) -> None [closest match]
(buffer: IO[bytes]) -> None
ERROR `FileIO` is not assignable to attribute `file_stream` with type `None` [bad-assignment]
--> torch/serialization.py:784:32
|
784 | self.file_stream = io.FileIO(self.name, mode="w")
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR No matching overload found for function `torch._C.PyTorchFileWriter.__init__` [no-matching-overload]
--> torch/serialization.py:786:43
|
786 | torch._C.PyTorchFileWriter(
| ___________________________________________^
787 | | self.file_stream, get_crc32_options(), _get_storage_alignment()
788 | | )
| |_________________^
|
Possible overloads:
(name: str, compute_crc32: bool = True, storage_alignment: int = 64) -> None [closest match]
(buffer: IO[bytes], compute_crc32: bool = True, storage_alignment: int = 64) -> None
ERROR No matching overload found for function `os.fspath` [no-matching-overload]
--> torch/serialization.py:963:22
|
963 | f = os.fspath(f)
| ^^^
|
Possible overloads:
(path: str) -> str [closest match]
(path: bytes) -> bytes
(path: PathLike[AnyStr]) -> AnyStr
ERROR No matching overload found for function `os.fspath` [no-matching-overload]
--> torch/serialization.py:1517:34
|
1517 | os.fspath(f), shared, size
| ^^^
|
Possible overloads:
(path: str) -> str [closest match]
(path: bytes) -> bytes
(path: PathLike[AnyStr]) -> AnyStr
ERROR `**` is not supported between `Tensor` and `Literal[2]` [unsupported-operation]
--> torch/signal/windows/windows.py:329:24
|
329 | return torch.exp(-(k**2))
| ^^^^
|
Argument `Literal[2]` is not assignable to parameter with type `TensorBase`
ERROR `**` is not supported between `Tensor` and `Literal[2]` [unsupported-operation]
--> torch/signal/windows/windows.py:329:24
|
329 | return torch.exp(-(k**2))
| ^^^^
|
Expected 1 more positional argument
ERROR `Tensor` is not assignable to variable `beta` with type `float` [bad-assignment]
--> torch/signal/windows/windows.py:400:12
|
400 | beta = torch.tensor(beta, dtype=dtype, device=device)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Argument `float` is not assignable to parameter `input` with type `Tensor` in function `torch._C._VariableFunctions.minimum` [bad-argument-type]
--> torch/signal/windows/windows.py:404:25
|
404 | end = torch.minimum(beta, start + (M - 1) * constant)
| ^^^^
|
ERROR Argument `float` is not assignable to parameter `other` with type `Tensor` in function `torch._C._VariableFunctions.minimum` [bad-argument-type]
--> torch/signal/windows/windows.py:404:31
|
404 | end = torch.minimum(beta, start + (M - 1) * constant)
| ^^^^^^^^^^^^^^^^^^^^^^^^^^
|
ERROR Argument `float` is not assignable to parameter `input` with type `Tensor` in function `torch._C._VariableFunctions.i0` [bad-argument-type]
--> torch/signal/windows/windows.py:416:75
|
416 | return torch.i0(torch.sqrt(beta * beta - torch.pow(k, 2))) / torch.i0(beta)
| ^^^^
|
ERROR Object of class `NoneType` has no attribute `integer` [missing-attribute]
--> torch/storage.py:621:36
|
621 | return isinstance(x, (int, np.integer))
| ^^^^^^^^^^
|
ERROR Expected a type form, got instance of `type[_XpuDeviceProperties] | type` [not-a-type]
--> torch/xpu/__init__.py:249:66
|
249 | def get_device_properties(device: Optional[_device_t] = None) -> _XpuDeviceProperties:
| ^^^^^^^^^^^^^^^^^^^^
|
ERROR `Literal[-1]` is not assignable to attribute `idx` with type `Never` [bad-assignment]
--> torch/xpu/__init__.py:317:24
|
317 | self.idx = -1
| ^^
|
ERROR Argument `Stream | Unknown` is not assignable to parameter `stream` with type `_XpuEventBase` in function `torch._C._XpuEventBase.record` [bad-argument-type]
--> torch/xpu/streams.py:129:24
|
129 | super().record(stream)
| ^^^^^^
|
Sign up for free to join this conversation on GitHub. Already have an account? Sign in to comment