suppress errors in vision/fair/pytorch3d

Differential Revision: D46685078

fbshipit-source-id: daf2e75f24b68d2eab74cddca8ab9446e96951e7
This commit is contained in:
generatedunixname89002005307016 2023-06-13 07:14:48 -07:00 committed by Facebook GitHub Bot
parent 928efdd640
commit 573a42cd5f
2 changed files with 0 additions and 7 deletions

View File

@ -45,7 +45,6 @@ def laplacian(verts: torch.Tensor, edges: torch.Tensor) -> torch.Tensor:
# i.e. A[i, j] = 1 if (i,j) is an edge, or # i.e. A[i, j] = 1 if (i,j) is an edge, or
# A[e0, e1] = 1 & A[e1, e0] = 1 # A[e0, e1] = 1 & A[e1, e0] = 1
ones = torch.ones(idx.shape[1], dtype=torch.float32, device=verts.device) ones = torch.ones(idx.shape[1], dtype=torch.float32, device=verts.device)
# pyre-fixme[16]: Module `sparse` has no attribute `FloatTensor`.
A = torch.sparse.FloatTensor(idx, ones, (V, V)) A = torch.sparse.FloatTensor(idx, ones, (V, V))
# the sum of i-th row of A gives the degree of the i-th vertex # the sum of i-th row of A gives the degree of the i-th vertex
@ -60,14 +59,12 @@ def laplacian(verts: torch.Tensor, edges: torch.Tensor) -> torch.Tensor:
# pyre-fixme[58]: `/` is not supported for operand types `float` and `Tensor`. # pyre-fixme[58]: `/` is not supported for operand types `float` and `Tensor`.
deg1 = torch.where(deg1 > 0.0, 1.0 / deg1, deg1) deg1 = torch.where(deg1 > 0.0, 1.0 / deg1, deg1)
val = torch.cat([deg0, deg1]) val = torch.cat([deg0, deg1])
# pyre-fixme[16]: Module `sparse` has no attribute `FloatTensor`.
L = torch.sparse.FloatTensor(idx, val, (V, V)) L = torch.sparse.FloatTensor(idx, val, (V, V))
# Then we add the diagonal values L[i, i] = -1. # Then we add the diagonal values L[i, i] = -1.
idx = torch.arange(V, device=verts.device) idx = torch.arange(V, device=verts.device)
idx = torch.stack([idx, idx], dim=0) idx = torch.stack([idx, idx], dim=0)
ones = torch.ones(idx.shape[1], dtype=torch.float32, device=verts.device) ones = torch.ones(idx.shape[1], dtype=torch.float32, device=verts.device)
# pyre-fixme[16]: Module `sparse` has no attribute `FloatTensor`.
L -= torch.sparse.FloatTensor(idx, ones, (V, V)) L -= torch.sparse.FloatTensor(idx, ones, (V, V))
return L return L
@ -124,7 +121,6 @@ def cot_laplacian(
ii = faces[:, [1, 2, 0]] ii = faces[:, [1, 2, 0]]
jj = faces[:, [2, 0, 1]] jj = faces[:, [2, 0, 1]]
idx = torch.stack([ii, jj], dim=0).view(2, F * 3) idx = torch.stack([ii, jj], dim=0).view(2, F * 3)
# pyre-fixme[16]: Module `sparse` has no attribute `FloatTensor`.
L = torch.sparse.FloatTensor(idx, cot.view(-1), (V, V)) L = torch.sparse.FloatTensor(idx, cot.view(-1), (V, V))
# Make it symmetric; this means we are also setting # Make it symmetric; this means we are also setting
@ -173,7 +169,6 @@ def norm_laplacian(
e01 = edges.t() # (2, E) e01 = edges.t() # (2, E)
V = verts.shape[0] V = verts.shape[0]
# pyre-fixme[16]: Module `sparse` has no attribute `FloatTensor`.
L = torch.sparse.FloatTensor(e01, w01, (V, V)) L = torch.sparse.FloatTensor(e01, w01, (V, V))
L = L + L.t() L = L + L.t()

View File

@ -401,9 +401,7 @@ class CamerasBase(TensorProperties):
kwargs = {} kwargs = {}
tensor_types = { tensor_types = {
# pyre-fixme[16]: Module `cuda` has no attribute `BoolTensor`.
"bool": (torch.BoolTensor, torch.cuda.BoolTensor), "bool": (torch.BoolTensor, torch.cuda.BoolTensor),
# pyre-fixme[16]: Module `cuda` has no attribute `LongTensor`.
"long": (torch.LongTensor, torch.cuda.LongTensor), "long": (torch.LongTensor, torch.cuda.LongTensor),
} }
if not isinstance( if not isinstance(