PyTorch3D is FAIR's library of reusable components for deep learning with 3D data

Overview

CircleCI Anaconda-Server Badge

Introduction

PyTorch3D provides efficient, reusable components for 3D Computer Vision research with PyTorch.

Key features include:

  • Data structure for storing and manipulating triangle meshes
  • Efficient operations on triangle meshes (projective transformations, graph convolution, sampling, loss functions)
  • A differentiable mesh renderer

PyTorch3D is designed to integrate smoothly with deep learning methods for predicting and manipulating 3D data. For this reason, all operators in PyTorch3D:

  • Are implemented using PyTorch tensors
  • Can handle minibatches of hetereogenous data
  • Can be differentiated
  • Can utilize GPUs for acceleration

Within FAIR, PyTorch3D has been used to power research projects such as Mesh R-CNN.

Installation

For detailed instructions refer to INSTALL.md.

License

PyTorch3D is released under the BSD-3-Clause License.

Tutorials

Get started with PyTorch3D by trying one of the tutorial notebooks.

Deform a sphere mesh to dolphin Bundle adjustment
Render textured meshes Camera position optimization
Render textured pointclouds Fit a mesh with texture
Render DensePose data Load & Render ShapeNet data
Fit Textured Volume Fit A Simple Neural Radiance Field

Documentation

Learn more about the API by reading the PyTorch3D documentation.

We also have deep dive notes on several API components:

Overview Video

We have created a short (~14 min) video tutorial providing an overview of the PyTorch3D codebase including several code examples. Click on the image below to watch the video on YouTube:

Development

We welcome new contributions to PyTorch3D and we will be actively maintaining this library! Please refer to CONTRIBUTING.md for full instructions on how to run the code, tests and linter, and submit your pull requests.

Contributors

PyTorch3D is written and maintained by the Facebook AI Research Computer Vision Team.

In alphabetical order:

  • Amitav Baruah
  • Steve Branson
  • Luya Gao
  • Georgia Gkioxari
  • Taylor Gordon
  • Justin Johnson
  • Patrick Labtut
  • Christoph Lassner
  • Wan-Yen Lo
  • David Novotny
  • Nikhila Ravi
  • Jeremy Reizenstein
  • Dave Schnizlein
  • Roman Shapovalov
  • Olivia Wiles

Citation

If you find PyTorch3D useful in your research, please cite our tech report:

@article{ravi2020pytorch3d,
    author = {Nikhila Ravi and Jeremy Reizenstein and David Novotny and Taylor Gordon
                  and Wan-Yen Lo and Justin Johnson and Georgia Gkioxari},
    title = {Accelerating 3D Deep Learning with PyTorch3D},
    journal = {arXiv:2007.08501},
    year = {2020},
}

If you are using the pulsar backend for sphere-rendering (the PulsarPointRenderer or pytorch3d.renderer.points.pulsar.Renderer), please cite the tech report:

@article{lassner2020pulsar,
    author = {Christoph Lassner and Michael Zollh\"ofer},
    title = {Pulsar: Efficient Sphere-based Neural Rendering},
    journal = {arXiv:2004.07484},
    year = {2020},
}

News

Please see below for a timeline of the codebase updates in reverse chronological order. We are sharing updates on the releases as well as research projects which are built with PyTorch3D. The changelogs for the releases are available under Releases, and the builds can be installed using conda as per the instructions in INSTALL.md.

[Feb 9th 2021]: PyTorch3D v0.4.0 released with support for implicit functions, volume rendering and a reimplementation of NeRF.

[November 2nd 2020]: PyTorch3D v0.3.0 released, integrating the pulsar backend.

[Aug 28th 2020]: PyTorch3D v0.2.5 released

[July 17th 2020]: PyTorch3D tech report published on ArXiv: https://arxiv.org/abs/2007.08501

[April 24th 2020]: PyTorch3D v0.2.0 released

[March 25th 2020]: SynSin codebase released using PyTorch3D: https://github.com/facebookresearch/synsin

[March 8th 2020]: PyTorch3D v0.1.1 bug fix release

[Jan 23rd 2020]: PyTorch3D v0.1.0 released. Mesh R-CNN codebase released: https://github.com/facebookresearch/meshrcnn

Comments
  • Successfully installed pytorch3d on Windows but failed to use CUDA!

    Successfully installed pytorch3d on Windows but failed to use CUDA!

    According to #323 , I successfully installed pytorch3d on windows with python3.8.10, pytorch 1.6.0 and cuda 10.2.89. But what's confusing me is when compiling pytorch3d finished, torch.cuda.is_available() returns false while before the modification according to #323 , torch.cuda.is_available() returns true. I have been troubled with this problem for couple days. Can you help me with this, please.

    opened by Theo-Wu 30
  • no grad for  TexturesVertex

    no grad for TexturesVertex

    ==========================================

    Load the obj and ignore the textures and materials.

    verts, faces_idx, _ = load_obj("./data/lg_m.obj") faces = faces_idx.verts_idx

    verts_shape = verts.shape deform_verts = torch.full(verts_shape, 0.0, device=device, requires_grad=True)
    sphere_verts_rgb = torch.full([1, verts_shape[0], 3], 0.8, device=device , requires_grad=True)

    Create a Meshes object for the teapot. Here we have only one mesh in the batch.

    leg_mesh = Meshes( verts=[verts.to(device)],
    faces=[faces.to(device)], textures=TexturesVertex(verts_features=sphere_verts_rgb) )

    ==============================================

    ABOVE is the code

    during optimization, I print the grad by print(sphere_verts_rgb.grad_fn) , and get None.

    The pytorch3d I use is 0.4.0, with pytorch 1.7.1 .

    Thanks!

    Stale 
    opened by Jiakui 22
  • Rendering is flipped

    Rendering is flipped

    Hello,

    I believe that the rendering is being flipped in the X axis. For example, if we see the image render in the tutorial render_textured_meshes the image looks like this: image However, in meshlab Screenshot from 2020-02-20 14-12-36 You can see in the texture that the eyes are in the other direction. It is not the texture mapping as I have tested with non-symmetric objs.

    bug question 
    opened by HectorAnadon 21
  • Overlay the 3D Model (.obj file) on top of a jpeg image

    Overlay the 3D Model (.obj file) on top of a jpeg image

    ❓ Questions on how to use PyTorch3D

    AIM: Basically asking for something already discussed in https://github.com/facebookresearch/pytorch3d/issues/577. However, with concrete code that works. So my aim is to overlay the 3d object (.obj file) on top of a jpeg image, as shown in the figure in comment below (which I achieved using Paint 3D). However, I would like to use pytorch3d in a python script to achieve the same results.

    EFFORT UNDERTAKEN Following the instructions in https://github.com/facebookresearch/pytorch3d/issues/577, I Amended the code in blender.py as follows. + made necessary changes in shader.py however the code still produces output images with 3d object having a white background. I am unable to overlay the 3d object on top of the image path provided to the "BlendParams" class using cv2. I have made sure the image size for output is same as the background image. Still no success.

    class BlendParams(NamedTuple):
        sigma: float = 1e-4
        gamma: float = 1e-4
        background_color: Sequence = (1.0, 1.0, 1.0)
        # add background image as a param here 
        background_image = cv2.imread('/homelocal/Angle-Finder/assets/AR_Images_4/image_0.jpeg')
    
    def hard_rgb_blend(colors, fragments, blend_params) -> torch.Tensor:
        N, H, W, K = fragments.pix_to_face.shape
        device = fragments.pix_to_face.device
    
        # Mask for the background.
        is_background = fragments.pix_to_face[..., 0] < 0  # (N, H, W)
    
        if torch.is_tensor(blend_params.background_image):
            background_image = blend_params.background_image.to(device)
        else:
            background_image = colors.new_tensor(blend_params.background_image)  # (H, W, 3)
    
        # Format background image
        # (H, W, 3) -> (N, H, W, 3) -> select only pixels which are in the background using the mask 
        background_image_masked = background_image[None, ...].expand(N, -1, -1, -1)[is_background[..., None]] 
    
        # Set background color pixels to the colors from the background image
        pixel_colors = colors[..., 0, :].masked_scatter(
            is_background[..., None],
            background_image_masked
        )  # (N, H, W, 3)
    
        # Concat with the alpha channel.
        alpha = torch.ones((N, H, W, 1), dtype=colors.dtype, device=device)
        return torch.cat([pixel_colors, alpha], dim=-1)  # (N, H, W, 4)
    
    # Wrapper for the C++/CUDA Implementation of sigmoid alpha blend.
    
    

    QUESTION So I have two questions:

    1. Using pytorch3d, how can I insert a background image such that the renderer can overlay 3D object on top of it? I have attached the picture in comment as to what I would like to achieve.
    2. I would like to overlay the 3D object at a specific pixel location (x,y) on top of a jpeg image. Of course the elevation and azimuth will be fed in by the .json file.
    Stale 
    opened by shahaamirbader 19
  • Problem installing pytorch3d on windows

    Problem installing pytorch3d on windows

    I'm trying to install pytorch3d in a project in win10 + cuda 11.3 + pytorch 1.10.1+cu113

    Using: pip install "git+https://github.com/facebookresearch/[email protected]"

    But I'm having the following problem

    Installing collected packages: pytorch3d
       Running setup.py install for pytorch3d ... error
       ERROR: Command errored out with exit status 1:
        command: 'C:\Users\Nexar Raider\Desktop\PIXIE\env\Scripts\python.exe' -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\Nexar Raider\\AppData\\Local\\Temp\\pip-req-build-htwr38zg\\setup.py'"'"'; __file__='"'"'C:\\Users\\Nexar Raider\\AppData\\Local\\Temp\\pip-req-build-htwr38zg\\setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\Nexar Raider\AppData\Local\Temp\pip-record-qxd8sn6e\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\Nexar Raider\Desktop\PIXIE\env\include\site\python3.9\pytorch3d'
            cwd: C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\
       Complete output (1205 lines):
       running install
       running build
       running build_py
       creating build
       creating build\lib.win-amd64-3.9
       creating build\lib.win-amd64-3.9\pytorch3d
       copying pytorch3d\__init__.py -> build\lib.win-amd64-3.9\pytorch3d
       creating build\lib.win-amd64-3.9\pytorch3d\common
       copying pytorch3d\common\compat.py -> build\lib.win-amd64-3.9\pytorch3d\common
       copying pytorch3d\common\types.py -> build\lib.win-amd64-3.9\pytorch3d\common
       copying pytorch3d\common\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\common
       creating build\lib.win-amd64-3.9\pytorch3d\datasets
       copying pytorch3d\datasets\shapenet_base.py -> build\lib.win-amd64-3.9\pytorch3d\datasets
       copying pytorch3d\datasets\utils.py -> build\lib.win-amd64-3.9\pytorch3d\datasets
       copying pytorch3d\datasets\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\datasets
       creating build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\experimental_gltf_io.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\mtl_io.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\obj_io.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\off_io.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\pluggable.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\pluggable_formats.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\ply_io.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\utils.py -> build\lib.win-amd64-3.9\pytorch3d\io
       copying pytorch3d\io\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\io
       creating build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\chamfer.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\mesh_edge_loss.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\mesh_laplacian_smoothing.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\mesh_normal_consistency.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\point_mesh_distance.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       copying pytorch3d\loss\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\loss
       creating build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\ball_query.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\cameras_alignment.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\cubify.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\graph_conv.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\interp_face_attrs.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\iou_box3d.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\knn.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\laplacian_matrices.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\marching_cubes.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\marching_cubes_data.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\mesh_face_areas_normals.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\mesh_filtering.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\packed_to_padded.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\perspective_n_points.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\points_alignment.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\points_normals.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\points_to_volumes.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\sample_farthest_points.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\sample_points_from_meshes.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\subdivide_meshes.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\utils.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\vert_align.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       copying pytorch3d\ops\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\ops
       creating build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\blending.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\cameras.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\camera_conversions.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\camera_utils.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\compositing.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\lighting.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\materials.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\utils.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       copying pytorch3d\renderer\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\renderer
       creating build\lib.win-amd64-3.9\pytorch3d\structures
       copying pytorch3d\structures\meshes.py -> build\lib.win-amd64-3.9\pytorch3d\structures
       copying pytorch3d\structures\pointclouds.py -> build\lib.win-amd64-3.9\pytorch3d\structures
       copying pytorch3d\structures\utils.py -> build\lib.win-amd64-3.9\pytorch3d\structures
       copying pytorch3d\structures\volumes.py -> build\lib.win-amd64-3.9\pytorch3d\structures
       copying pytorch3d\structures\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\structures
       creating build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\math.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\rotation_conversions.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\se3.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\so3.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\transform3d.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       copying pytorch3d\transforms\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\transforms
       creating build\lib.win-amd64-3.9\pytorch3d\utils
       copying pytorch3d\utils\camera_conversions.py -> build\lib.win-amd64-3.9\pytorch3d\utils
       copying pytorch3d\utils\ico_sphere.py -> build\lib.win-amd64-3.9\pytorch3d\utils
       copying pytorch3d\utils\torus.py -> build\lib.win-amd64-3.9\pytorch3d\utils
       copying pytorch3d\utils\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\utils
       creating build\lib.win-amd64-3.9\pytorch3d\vis
       copying pytorch3d\vis\plotly_vis.py -> build\lib.win-amd64-3.9\pytorch3d\vis
       copying pytorch3d\vis\texture_vis.py -> build\lib.win-amd64-3.9\pytorch3d\vis
       copying pytorch3d\vis\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\vis
       creating build\lib.win-amd64-3.9\pytorch3d\common\workaround
       copying pytorch3d\common\workaround\symeig3x3.py -> build\lib.win-amd64-3.9\pytorch3d\common\workaround
       copying pytorch3d\common\workaround\utils.py -> build\lib.win-amd64-3.9\pytorch3d\common\workaround
       copying pytorch3d\common\workaround\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\common\workaround
       creating build\lib.win-amd64-3.9\pytorch3d\datasets\r2n2
       copying pytorch3d\datasets\r2n2\r2n2.py -> build\lib.win-amd64-3.9\pytorch3d\datasets\r2n2
       copying pytorch3d\datasets\r2n2\utils.py -> build\lib.win-amd64-3.9\pytorch3d\datasets\r2n2
       copying pytorch3d\datasets\r2n2\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\datasets\r2n2
       creating build\lib.win-amd64-3.9\pytorch3d\datasets\shapenet
       copying pytorch3d\datasets\shapenet\shapenet_core.py -> build\lib.win-amd64-3.9\pytorch3d\datasets\shapenet
       copying pytorch3d\datasets\shapenet\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\datasets\shapenet
       creating build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\raymarching.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\raysampling.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\renderer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\sample_pdf.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\utils.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       copying pytorch3d\renderer\implicit\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\implicit
       creating build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\clip.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\rasterizer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\rasterize_meshes.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\renderer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\shader.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\shading.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\textures.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\utils.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       copying pytorch3d\renderer\mesh\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\mesh
       creating build\lib.win-amd64-3.9\pytorch3d\renderer\points
       copying pytorch3d\renderer\points\compositor.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points
       copying pytorch3d\renderer\points\rasterizer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points
       copying pytorch3d\renderer\points\rasterize_points.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points
       copying pytorch3d\renderer\points\renderer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points
       copying pytorch3d\renderer\points\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points
       creating build\lib.win-amd64-3.9\pytorch3d\renderer\points\pulsar
       copying pytorch3d\renderer\points\pulsar\renderer.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points\pulsar
       copying pytorch3d\renderer\points\pulsar\unified.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points\pulsar
       copying pytorch3d\renderer\points\pulsar\__init__.py -> build\lib.win-amd64-3.9\pytorch3d\renderer\points\pulsar
       copying pytorch3d\datasets\r2n2\r2n2_synset_dict.json -> build\lib.win-amd64-3.9\pytorch3d\datasets\r2n2
       copying pytorch3d\datasets\shapenet\shapenet_synset_dict_v1.json -> build\lib.win-amd64-3.9\pytorch3d\datasets\shapenet
       copying pytorch3d\datasets\shapenet\shapenet_synset_dict_v2.json -> build\lib.win-amd64-3.9\pytorch3d\datasets\shapenet
       running build_ext
       building 'pytorch3d._C' extension
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\blending
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\compositing
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\face_areas_normals
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\gather_scatter
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\interp_face_attrs
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\iou_box3d
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\knn
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\mesh_normal_consistency
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\packed_to_padded_tensor
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\point_mesh
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\points_to_volumes
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\pulsar
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\pulsar\cuda
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\pulsar\host
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\pulsar\pytorch
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\rasterize_coarse
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\rasterize_meshes
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\rasterize_points
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\sample_farthest_points
       creating C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\sample_pdf
       Emitting ninja build file C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\build.ninja...
       Compiling objects...
       Using envvar MAX_JOBS (1) as the number of workers...
       [1/65] C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.3\bin\nvcc --generate-dependencies-with-compile --dependency-output "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.obj".d --use-local-env -Xcompiler /MD -Xcompiler /wd4819 -Xcompiler /wd4251 -Xcompiler /wd4244 -Xcompiler /wd4267 -Xcompiler /wd4275 -Xcompiler /wd4018 -Xcompiler /wd4190 -Xcompiler /EHsc -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK "-IC:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc" "-IC:\Program Files\NVIDIA GPU Computing Toolkit\cub-1.8.0" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\torch\csrc\api\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\TH" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\THC" "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.3\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\include" -IC:\ProgramData\Anaconda3\include -IC:\ProgramData\Anaconda3\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\cppwinrt" -c "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.cu" -o "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.obj" -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -std=c++14 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86
       FAILED: C:/Users/Nexar Raider/AppData/Local/Temp/pip-req-build-htwr38zg/build/temp.win-amd64-3.9/Release/Users/Nexar Raider/AppData/Local/Temp/pip-req-build-htwr38zg/pytorch3d/csrc/ball_query/ball_query.obj
       C:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.3\bin\nvcc --generate-dependencies-with-compile --dependency-output "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.obj".d --use-local-env -Xcompiler /MD -Xcompiler /wd4819 -Xcompiler /wd4251 -Xcompiler /wd4244 -Xcompiler /wd4267 -Xcompiler /wd4275 -Xcompiler /wd4018 -Xcompiler /wd4190 -Xcompiler /EHsc -Xcudafe --diag_suppress=base_class_has_different_dll_interface -Xcudafe --diag_suppress=field_without_dll_interface -Xcudafe --diag_suppress=dll_interface_conflict_none_assumed -Xcudafe --diag_suppress=dll_interface_conflict_dllexport_assumed -DWITH_CUDA -DTHRUST_IGNORE_CUB_VERSION_CHECK "-IC:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc" "-IC:\Program Files\NVIDIA GPU Computing Toolkit\cub-1.8.0" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\torch\csrc\api\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\TH" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\THC" "-IC:\Program Files\NVIDIA GPU Computing Toolkit\CUDA\v11.3\include" "-IC:\Users\Nexar Raider\Desktop\PIXIE\env\include" -IC:\ProgramData\Anaconda3\include -IC:\ProgramData\Anaconda3\include "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\ATLMFC\include" "-IC:\Program Files (x86)\Microsoft Visual Studio\2019\Community\VC\Tools\MSVC\14.29.30133\include" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\ucrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\shared" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\um" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\winrt" "-IC:\Program Files (x86)\Windows Kits\10\include\10.0.19041.0\cppwinrt" -c "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.cu" -o "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\build\temp.win-amd64-3.9\Release\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\pytorch3d\csrc\ball_query\ball_query.obj" -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_BFLOAT16_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ --expt-relaxed-constexpr -std=c++14 -DCUDA_HAS_FP16=1 -D__CUDA_NO_HALF_OPERATORS__ -D__CUDA_NO_HALF_CONVERSIONS__ -D__CUDA_NO_HALF2_OPERATORS__ -DTORCH_API_INCLUDE_EXTENSION_H -DTORCH_EXTENSION_NAME=_C -D_GLIBCXX_USE_CXX11_ABI=0 -gencode=arch=compute_86,code=compute_86 -gencode=arch=compute_86,code=sm_86
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const char *, _Sentinel=const char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(1990): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const char *, _Sentinel=const char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(1990): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=__wchar_t *, _Sentinel=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(1991): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=__wchar_t *, _Sentinel=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(1991): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const __wchar_t *, _Sentinel=const __wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2026): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const __wchar_t *, _Sentinel=const __wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2026): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=char *, _Sentinel=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2027): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=char *, _Sentinel=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2027): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=unsigned short *, _Sentinel=unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2191): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=unsigned short *, _Sentinel=unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2191): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const unsigned short *, _Sentinel=const unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2227): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const unsigned short *, _Sentinel=const unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2227): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=char *, _Sentinel=const char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2772): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=char *, _Sentinel=const char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2772): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=__wchar_t *, _Sentinel=const __wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2954): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=__wchar_t *, _Sentinel=const __wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(2954): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=unsigned short *, _Sentinel=const unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(3157): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: identifier "_Verify_range" is undefined
                 detected during instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=unsigned short *, _Sentinel=const unsigned short *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xlocale(3157): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const int64_t *, _Sentinel=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9299): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt, _Pr) [with _FwdIt=const int64_t *, _Pr=std::less<void>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9306): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt) [with _FwdIt=const int64_t *]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/functional/vision.h(43): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: no instance of function template "std::_Verify_range" matches the argument list
                   argument types are: (const int64_t *const, const int64_t *const)
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const int64_t *, _Sentinel=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9299): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt, _Pr) [with _FwdIt=const int64_t *, _Pr=std::less<void>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9306): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt) [with _FwdIt=const int64_t *]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/functional/vision.h(43): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9300): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt, _Pr) [with _FwdIt=const int64_t *, _Pr=std::less<void>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9306): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt) [with _FwdIt=const int64_t *]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/functional/vision.h(43): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9300): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt, _Pr) [with _FwdIt=const int64_t *, _Pr=std::less<void>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9306): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt) [with _FwdIt=const int64_t *]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/functional/vision.h(43): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "const int64_t *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9300): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt, _Pr) [with _FwdIt=const int64_t *, _Pr=std::less<void>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\algorithm(9306): here
                   instantiation of "_FwdIt std::min_element(_FwdIt, _FwdIt) [with _FwdIt=const int64_t *]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/functional/vision.h(43): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(62): error: expected a "("
                 detected during:
                   instantiation of "size_t std::_Get_size_of_n<_Ty_size>(size_t) [with _Ty_size=1ULL]"
       (839): here
                   instantiation of "_Ty *std::allocator<_Ty>::allocate(size_t) [with _Ty=char]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2942): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Construct_lv_contents(const std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2454): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\system_error(453): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(131): error: expected a "("
                 detected during:
                   instantiation of "void *std::_Voidify_iter(_Iter) [with _Iter=char **]"
       (158): here
                   instantiation of "void std::_Construct_in_place(_Ty &, _Types &&...) [with _Ty=char *, _Types=<char *const &>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2943): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Construct_lv_contents(const std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2454): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\system_error(453): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2881): error: expected a "("
                 detected during:
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Take_contents(std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       (2607): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\system_error(448): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(308): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char *, _NoThrowSentinel=char *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(308): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char *, _NoThrowSentinel=char *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char, _NoThrowSentinel=unsigned long long]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char *, _NoThrowSentinel=char *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1236): error: class "std::iterator_traits<char>" has no member "value_type"
                 detected during:
                   instantiation of type "std::_Iter_value_t<char>"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char, _NoThrowSentinel=unsigned long long]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char *, _NoThrowSentinel=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(961): error: operand of "*" must be a pointer but has type "char"
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char, _NoThrowSentinel=unsigned long long]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=char *, _NoThrowSentinel=char *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=char *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2776): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(927): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocma(_Alloc &, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<char>, char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2777): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Move_assign(std::basic_string<_Elem, _Traits, _Alloc> &, std::_Equal_allocators) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2851): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/DeprecatedTypeProperties.h(70): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(919): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocca(_Alloc &, const _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<char>, char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3034): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Copy_assign(const std::basic_string<_Elem, _Traits, _Alloc> &, std::false_type) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3078): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::operator=(const std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(137): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(62): error: expected a "("
                 detected during:
                   instantiation of "size_t std::_Get_size_of_n<_Ty_size>(size_t) [with _Ty_size=2ULL]"
       (839): here
                   instantiation of "_Ty *std::allocator<_Ty>::allocate(size_t) [with _Ty=__wchar_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4515): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::_Reallocate_for(std::basic_string<_Elem, _Traits, _Alloc>::size_type, _Fty, _ArgTys...) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>, _Fty=lambda [](__wchar_t *, size_t, const __wchar_t *)->void, _ArgTys=<const __wchar_t *>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3260): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::assign(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2503): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(5001): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(131): error: expected a "("
                 detected during:
                   instantiation of "void *std::_Voidify_iter(_Iter) [with _Iter=__wchar_t **]"
       (158): here
                   instantiation of "void std::_Construct_in_place(_Ty &, _Types &&...) [with _Ty=__wchar_t *, _Types=<__wchar_t *const &>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4530): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::_Reallocate_for(std::basic_string<_Elem, _Traits, _Alloc>::size_type, _Fty, _ArgTys...) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>, _Fty=lambda [](__wchar_t *, size_t, const __wchar_t *)->void, _ArgTys=<const __wchar_t *>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3260): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::assign(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2503): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(5001): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2881): error: expected a "("
                 detected during:
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Take_contents(std::basic_string<_Elem, _Traits, _Alloc> &) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       (2607): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(std::basic_string<_Elem, _Traits, _Alloc> &&) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(581): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(308): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t *, _NoThrowSentinel=__wchar_t *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(308): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t *, _NoThrowSentinel=__wchar_t *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t, _NoThrowSentinel=unsigned long long]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t *, _NoThrowSentinel=__wchar_t *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1236): error: class "std::iterator_traits<__wchar_t>" has no member "value_type"
                 detected during:
                   instantiation of type "std::_Iter_value_t<__wchar_t>"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(959): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t, _NoThrowSentinel=unsigned long long]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t *, _NoThrowSentinel=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(961): error: operand of "*" must be a pointer but has type "__wchar_t"
                 detected during:
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t, _NoThrowSentinel=unsigned long long]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t]"
       (961): here
                   instantiation of "void std::_Destroy_range(_NoThrowFwdIt, _NoThrowSentinel) [with _NoThrowFwdIt=__wchar_t *, _NoThrowSentinel=__wchar_t *]"
       (309): here
                   instantiation of "void std::_Destroy_in_place(_Ty &) [with _Ty=__wchar_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4621): here
                   instantiation of "void std::basic_string<_Elem, _Traits, _Alloc>::_Tidy_deallocate() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3003): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::~basic_string() [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(579): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(131): error: expected a "("
                 detected during:
                   instantiation of "void *std::_Voidify_iter(_Iter) [with _Iter=char16_t **]"
       (158): here
                   instantiation of "void std::_Construct_in_place(_Ty &, _Types &&...) [with _Ty=char16_t *, _Types=<char16_t *const &>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4530): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::_Reallocate_for(std::basic_string<_Elem, _Traits, _Alloc>::size_type, _Fty, _ArgTys...) [with _Elem=char16_t, _Traits=std::char_traits<char16_t>, _Alloc=std::allocator<char16_t>, _Fty=lambda [](char16_t *, size_t, const char16_t *)->void, _ArgTys=<const char16_t *>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3260): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::assign(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char16_t, _Traits=std::char_traits<char16_t>, _Alloc=std::allocator<char16_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2503): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char16_t, _Traits=std::char_traits<char16_t>, _Alloc=std::allocator<char16_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(5011): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(62): error: expected a "("
                 detected during:
                   instantiation of "size_t std::_Get_size_of_n<_Ty_size>(size_t) [with _Ty_size=4ULL]"
       (839): here
                   instantiation of "_Ty *std::allocator<_Ty>::allocate(size_t) [with _Ty=char32_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4515): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::_Reallocate_for(std::basic_string<_Elem, _Traits, _Alloc>::size_type, _Fty, _ArgTys...) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>, _Fty=lambda [](char32_t *, size_t, const char32_t *)->void, _ArgTys=<const char32_t *>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3260): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::assign(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2503): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(5015): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(131): error: expected a "("
                 detected during:
                   instantiation of "void *std::_Voidify_iter(_Iter) [with _Iter=char32_t **]"
       (158): here
                   instantiation of "void std::_Construct_in_place(_Ty &, _Types &&...) [with _Ty=char32_t *, _Types=<char32_t *const &>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(4530): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::_Reallocate_for(std::basic_string<_Elem, _Traits, _Alloc>::size_type, _Fty, _ArgTys...) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>, _Fty=lambda [](char32_t *, size_t, const char32_t *)->void, _ArgTys=<const char32_t *>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(3260): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc> &std::basic_string<_Elem, _Traits, _Alloc>::assign(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2503): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(const _Elem *, std::basic_string<_Elem, _Traits, _Alloc>::size_type) [with _Elem=char32_t, _Traits=std::char_traits<char32_t>, _Alloc=std::allocator<char32_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(5015): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\atomic(368): error: expected a "("
                 detected during:
                   instantiation of "_Integral std::_Atomic_reinterpret_as<_Integral,_Ty>(const _Ty &) [with _Integral=int, _Ty=std::remove_reference_t<long>]"
       (987): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal, std::memory_order) [with _Ty=long]"
       (2944): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\atomic(370): error: expected a "("
                 detected during:
                   instantiation of "_Integral std::_Atomic_reinterpret_as<_Integral,_Ty>(const _Ty &) [with _Integral=int, _Ty=std::remove_reference_t<long>]"
       (987): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal, std::memory_order) [with _Ty=long]"
       (2944): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\atomic(371): error: invalid type conversion
                 detected during:
                   instantiation of "_Integral std::_Atomic_reinterpret_as<_Integral,_Ty>(const _Ty &) [with _Integral=int, _Ty=std::remove_reference_t<long>]"
       (987): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal, std::memory_order) [with _Ty=long]"
       (2944): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\atomic(368): error: expected a "("
                 detected during:
                   instantiation of "_Integral std::_Atomic_reinterpret_as<_Integral,_Ty>(const _Ty &) [with _Integral=long, _Ty=std::remove_reference_t<long>]"
       (981): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal) [with _Ty=long]"
       (1003): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal, std::memory_order) [with _Ty=long]"
       (2944): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\atomic(370): error: expected a "("
                 detected during:
                   instantiation of "_Integral std::_Atomic_reinterpret_as<_Integral,_Ty>(const _Ty &) [with _Integral=long, _Ty=std::remove_reference_t<long>]"
       (981): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal) [with _Ty=long]"
       (1003): here
                   instantiation of "void std::_Atomic_storage<_Ty, 4ULL>::store(std::_Atomic_storage<_Ty, 4ULL>::_TVal, std::memory_order) [with _Ty=long]"
       (2944): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=char *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>, _Iter=char *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=char, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(514): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=char *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>, _Iter=char *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=char, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(514): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "char *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=char *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=char, _Traits=std::char_traits<char>, _Alloc=std::allocator<char>, _Iter=char *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=char, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(514): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=__wchar_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>, _Iter=__wchar_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=__wchar_t, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(554): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=__wchar_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>, _Iter=__wchar_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=__wchar_t, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(554): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "__wchar_t *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=__wchar_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xstring(2566): here
                   instantiation of "std::basic_string<_Elem, _Traits, _Alloc>::basic_string(_Iter, _Iter, const _Alloc &) [with _Elem=__wchar_t, _Traits=std::char_traits<__wchar_t>, _Alloc=std::allocator<__wchar_t>, _Iter=__wchar_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(498): here
                   instantiation of "std::basic_string<_Elem, std::char_traits<_Elem>, std::allocator<_Elem>> std::_Integral_to_string<_Elem,_Ty>(_Ty) [with _Elem=__wchar_t, _Ty=int]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\string(554): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(62): error: expected a "("
                 detected during:
                   instantiation of "size_t std::_Get_size_of_n<_Ty_size>(size_t) [with _Ty_size=32ULL]"
       (839): here
                   instantiation of "_Ty *std::allocator<_Ty>::allocate(size_t) [with _Ty=std::string]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1711): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Buy_raw(std::vector<_Ty, _Alloc>::size_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(563): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(948): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1680): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Destroy(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1764): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Tidy() [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       (36): here
                   instantiation of "std::_Tidy_guard<_Ty>::~_Tidy_guard() [with _Ty=std::vector<std::string, std::allocator<std::string>>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(564): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=std::string *, _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=std::string *, _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "std::string *const"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=std::string *, _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1657): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=std::string *, _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(142): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(927): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocma(_Alloc &, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(638): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Move_assign(std::vector<_Ty, _Alloc> &, std::_Equal_allocators) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(705): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(std::vector<_Ty, _Alloc> &&) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/core/qualified_name.h(45): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(919): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocca(_Alloc &, const _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<std::string>, std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1198): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=std::string *, _Sentinel=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1188): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: no instance of overloaded function "std::_Verify_range" matches the argument list
                   argument types are: (std::string *const, std::string *const)
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=std::string *, _Sentinel=std::string *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1188): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "std::string *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=std::string *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=std::string, _Alloc=std::allocator<std::string>, _Iter=std::string *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=std::string, _Alloc=std::allocator<std::string>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/autograd/profiler_legacy.h(290): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(62): error: expected a "("
                 detected during:
                   instantiation of "size_t std::_Get_size_of_n<_Ty_size>(size_t) [with _Ty_size=8ULL]"
       (839): here
                   instantiation of "_Ty *std::allocator<_Ty>::allocate(size_t) [with _Ty=int64_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1711): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Buy_raw(std::vector<_Ty, _Alloc>::size_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1732): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Buy_nonzero(std::vector<_Ty, _Alloc>::size_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(491): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(503): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/core/MemoryFormat.h(64): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(948): error: expected a "("
                 detected during:
                   instantiation of "void std::_Destroy_range(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1680): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Destroy(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1764): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Tidy() [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       (36): here
                   instantiation of "std::_Tidy_guard<_Ty>::~_Tidy_guard() [with _Ty=std::vector<int64_t, std::allocator<int64_t>>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(492): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(503): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/core/MemoryFormat.h(64): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1818): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_value_construct_n(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_size_t<_Alloc>, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1648): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ufill(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::size_type, std::_Value_init_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(493): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(503): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/core/MemoryFormat.h(64): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(131): error: expected a "("
                 detected during:
                   instantiation of "void *std::_Voidify_iter(_Iter) [with _Iter=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(714): here
                   instantiation of "void std::_Default_allocator_traits<_Alloc>::construct(_Alloc &, _Objty *, _Types &&...) [with _Alloc=std::allocator<int64_t>, _Objty=int64_t, _Types=<>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1631): here
                   instantiation of "void std::_Uninitialized_backout_al<_Alloc>::_Emplace_back(_Types &&...) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>, _Types=<>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1831): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_value_construct_n(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_size_t<_Alloc>, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1648): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ufill(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::size_type, std::_Value_init_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(493): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(503): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/core/MemoryFormat.h(64): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1744): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_fill_n(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_size_t<_Alloc>, const _Alloc::value_type &, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1643): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ufill(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::size_type, const _Ty &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(493): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=int64_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(509): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Ty &, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\pybind11\buffer_info.h(21): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1752): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_fill_n(std::_Alloc_ptr_t<_Alloc>, std::_Alloc_size_t<_Alloc>, const _Alloc::value_type &, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1643): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ufill(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::size_type, const _Ty &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(493): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Construct_n_copies_of_ty(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=int64_t]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(509): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::vector<_Ty, _Alloc>::size_type, const _Ty &, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\include\pybind11\buffer_info.h(21): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1589): error: expected a "("
                 detected during:
                   instantiation of "std::_Iter_diff_t<_InIt> std::distance(_InIt, _InIt) [with _InIt=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(525): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Range_construct_or_tidy(_Iter, _Iter, std::forward_iterator_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(550): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::initializer_list<_Ty>, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/WrapDimUtils.h(68): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=const int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(530): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Range_construct_or_tidy(_Iter, _Iter, std::forward_iterator_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(550): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::initializer_list<_Ty>, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/WrapDimUtils.h(68): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=const int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(530): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Range_construct_or_tidy(_Iter, _Iter, std::forward_iterator_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(550): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::initializer_list<_Ty>, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/WrapDimUtils.h(68): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "const int64_t *const"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=const int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(530): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Range_construct_or_tidy(_Iter, _Iter, std::forward_iterator_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(550): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::initializer_list<_Ty>, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/WrapDimUtils.h(68): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1657): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=const int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(530): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Range_construct_or_tidy(_Iter, _Iter, std::forward_iterator_tag) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=const int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(550): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(std::initializer_list<_Ty>, const _Alloc &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/WrapDimUtils.h(68): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/TensorGeometry.h(56): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/TensorGeometry.h(56): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "int64_t *const"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *const &]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1654): here
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/TensorGeometry.h(56): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1657): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_copy(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1654): here
                   instantiation of "std::vector<_Ty, _Alloc>::pointer std::vector<_Ty, _Alloc>::_Ucopy(_Iter, _Iter, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(565): here
                   instantiation of "std::vector<_Ty, _Alloc>::vector(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\ATen/TensorGeometry.h(56): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(927): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocma(_Alloc &, _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(638): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Move_assign(std::vector<_Ty, _Alloc> &, std::_Equal_allocators) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(705): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(std::vector<_Ty, _Alloc> &&) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(919): error: expected a "("
                 detected during:
                   instantiation of "void std::_Pocca(_Alloc &, const _Alloc &) [with _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1198): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=int64_t *, _Sentinel=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1188): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: no instance of overloaded function "std::_Verify_range" matches the argument list
                   argument types are: (int64_t *const, int64_t *const)
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=int64_t *, _Sentinel=int64_t *]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1188): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "int64_t *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=int64_t *&]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1189): here
                   instantiation of "void std::vector<_Ty, _Alloc>::assign(_Iter, _Iter) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Iter=int64_t *, <unnamed>=0]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1200): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Copy_assign(const std::vector<_Ty, _Alloc> &, std::false_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1216): here
                   instantiation of "std::vector<_Ty, _Alloc> &std::vector<_Ty, _Alloc>::operator=(const std::vector<_Ty, _Alloc> &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include/torch/csrc/api/include\torch/nn/options/linear.h(67): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xmemory(1719): error: expected a "("
                 detected during:
                   instantiation of "std::_Alloc_ptr_t<_Alloc> std::_Uninitialized_move(_InIt, _InIt, std::_Alloc_ptr_t<_Alloc>, _Alloc &) [with _InIt=int64_t *, _Alloc=std::_Rebind_alloc_t<std::allocator<int64_t>, int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1664): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Umove_if_noexcept1(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer, std::true_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1675): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Umove_if_noexcept(std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer, std::vector<_Ty, _Alloc>::pointer) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1247): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Resize_reallocate(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1275): here
                   instantiation of "void std::vector<_Ty, _Alloc>::_Resize(std::vector<_Ty, _Alloc>::size_type, const _Ty2 &) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>, _Ty2=std::_Value_init_tag]"
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\vector(1290): here
                   instantiation of "void std::vector<_Ty, _Alloc>::resize(std::vector<_Ty, _Alloc>::size_type) [with _Ty=int64_t, _Alloc=std::allocator<int64_t>]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\torch/csrc/jit/runtime/argument_spec.h(254): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1309): error: expected a "("
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const uint64_t *, _Sentinel=const uint64_t *]"
       (5755): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1310): error: no instance of overloaded function "std::_Verify_range" matches the argument list
                   argument types are: (const uint64_t *const, const uint64_t *const)
                 detected during:
                   instantiation of "void std::_Adl_verify_range(const _Iter &, const _Sentinel &) [with _Iter=const uint64_t *, _Sentinel=const uint64_t *]"
       (5755): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const uint64_t *&]"
       (5756): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const uint64_t *&]"
       (5756): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1329): error: expression must have class type but it has type "const uint64_t *"
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const uint64_t *&]"
       (5756): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1326): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const uint64_t *const &]"
       (5757): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       C:/Program Files (x86)/Microsoft Visual Studio/2019/Community/VC/Tools/MSVC/14.29.30133/include\xutility(1328): error: expected a "("
                 detected during:
                   instantiation of "decltype(auto) std::_Get_unwrapped(_Iter &&) [with _Iter=const uint64_t *const &]"
       (5757): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &, _Pr) [with _FwdIt=const uint64_t *, _Ty=uint64_t, _Pr=std::less<void>]"
       (5777): here
                   instantiation of "_FwdIt std::lower_bound(_FwdIt, _FwdIt, const _Ty &) [with _FwdIt=const uint64_t *, _Ty=uint64_t]"
       C:/Users/Nexar Raider/Desktop/PIXIE/env/lib/site-packages/torch/include\c10/util/flat_hash_map.h(1854): here
    
       Error limit reached.
       100 errors detected in the compilation of "C:/Users/Nexar Raider/AppData/Local/Temp/pip-req-build-htwr38zg/pytorch3d/csrc/ball_query/ball_query.cu".
       Compilation terminated.
       ball_query.cu
       ninja: build stopped: subcommand failed.
       Traceback (most recent call last):
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\utils\cpp_extension.py", line 1717, in _run_ninja_build
           subprocess.run(
         File "C:\ProgramData\Anaconda3\lib\subprocess.py", line 528, in run
           raise CalledProcessError(retcode, process.args,
       subprocess.CalledProcessError: Command '['ninja', '-v', '-j', '1']' returned non-zero exit status 1.
    
       The above exception was the direct cause of the following exception:
    
       Traceback (most recent call last):
         File "<string>", line 1, in <module>
         File "C:\Users\Nexar Raider\AppData\Local\Temp\pip-req-build-htwr38zg\setup.py", line 132, in <module>
           setup(
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\setuptools\__init__.py", line 153, in setup
           return distutils.core.setup(**attrs)
         File "C:\ProgramData\Anaconda3\lib\distutils\core.py", line 148, in setup
           dist.run_commands()
         File "C:\ProgramData\Anaconda3\lib\distutils\dist.py", line 966, in run_commands
           self.run_command(cmd)
         File "C:\ProgramData\Anaconda3\lib\distutils\dist.py", line 985, in run_command
           cmd_obj.run()
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\setuptools\command\install.py", line 61, in run
           return orig.install.run(self)
         File "C:\ProgramData\Anaconda3\lib\distutils\command\install.py", line 546, in run
           self.run_command('build')
         File "C:\ProgramData\Anaconda3\lib\distutils\cmd.py", line 313, in run_command
           self.distribution.run_command(command)
         File "C:\ProgramData\Anaconda3\lib\distutils\dist.py", line 985, in run_command
           cmd_obj.run()
         File "C:\ProgramData\Anaconda3\lib\distutils\command\build.py", line 135, in run
           self.run_command(cmd_name)
         File "C:\ProgramData\Anaconda3\lib\distutils\cmd.py", line 313, in run_command
           self.distribution.run_command(command)
         File "C:\ProgramData\Anaconda3\lib\distutils\dist.py", line 985, in run_command
           cmd_obj.run()
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\setuptools\command\build_ext.py", line 79, in run
           _build_ext.run(self)
         File "C:\ProgramData\Anaconda3\lib\distutils\command\build_ext.py", line 340, in run
           self.build_extensions()
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\utils\cpp_extension.py", line 735, in build_extensions
           build_ext.build_extensions(self)
         File "C:\ProgramData\Anaconda3\lib\distutils\command\build_ext.py", line 449, in build_extensions
           self._build_extensions_serial()
         File "C:\ProgramData\Anaconda3\lib\distutils\command\build_ext.py", line 474, in _build_extensions_serial
           self.build_extension(ext)
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\setuptools\command\build_ext.py", line 202, in build_extension
           _build_ext.build_extension(self, ext)
         File "C:\ProgramData\Anaconda3\lib\distutils\command\build_ext.py", line 529, in build_extension
           objects = self.compiler.compile(sources,
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\utils\cpp_extension.py", line 708, in win_wrap_ninja_compile
           _write_ninja_file_and_compile_objects(
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\utils\cpp_extension.py", line 1399, in _write_ninja_file_and_compile_objects
           _run_ninja_build(
         File "C:\Users\Nexar Raider\Desktop\PIXIE\env\lib\site-packages\torch\utils\cpp_extension.py", line 1733, in _run_ninja_build
           raise RuntimeError(message) from e
       RuntimeError: Error compiling objects for extension
       ----------------------------------------
    ERROR: Command errored out with exit status 1: 'C:\Users\Nexar Raider\Desktop\PIXIE\env\Scripts\python.exe' -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'C:\\Users\\Nexar Raider\\AppData\\Local\\Temp\\pip-req-build-htwr38zg\\setup.py'"'"'; __file__='"'"'C:\\Users\\Nexar Raider\\AppData\\Local\\Temp\\pip-req-build-htwr38zg\\setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record 'C:\Users\Nexar Raider\AppData\Local\Temp\pip-record-qxd8sn6e\install-record.txt' --single-version-externally-managed --compile --install-headers 'C:\Users\Nexar Raider\Desktop\PIXIE\env\include\site\python3.9\pytorch3d' Check the logs for full command output.```
    
    
    
    
    installation 
    opened by jcelsi 19
  • Pytorch3D Google Colab - fit_textured_mesh.ipynb Tutorial not working?

    Pytorch3D Google Colab - fit_textured_mesh.ipynb Tutorial not working?

    Hello,

    Thanks a lot for the great work that you have done with Pytorch3D and the tutorial!

    I have tried the PyTorch3D tutorial fit_textured_mesh.ipynb on Google Colab. It doesn't seem to be working. After iteration 0, the sphere mesh goes into oblivion and what we get is an empty mesh after running all the steps in the notebook.

    image

    I attach a PDF output of running the notebook and the final final mesh produced by the notebook. This occurred both on the stable branch and in master.

    fit_textured_mesh.ipynb_output.pdf

    final_model.obj.zip

    https://colab.research.google.com/github/facebookresearch/pytorch3d/blob/master/docs/tutorials/fit_textured_mesh.ipynb

    how to 
    opened by armindocachada 18
  • Installation issue with conda python 3.9; incompatible with RTX 3090 (needs CUDA >=11.1)

    Installation issue with conda python 3.9; incompatible with RTX 3090 (needs CUDA >=11.1)

    🐛 Bugs / Unexpected behaviors

    Cannot import pytorch3d after doing a fresh install following INSTALL.md.

    Instructions To Reproduce the Issue:

    Note that I initially tried installing with the latest pytorch 1.12 with cudakit 11.6 to be compatible with my 3090, but that didn't work so I fell back to the exact instructions in INSTALL.md.

    conda create -n dev python=3.9
    conda activate dev
    conda install -c pytorch pytorch=1.9.1 torchvision cudatoolkit=10.2
    conda install -c fvcore -c iopath -c conda-forge fvcore iopath
    conda install -c bottler nvidiacub  
    pip install scikit-image matplotlib imageio plotly opencv-python
    pip install black usort flake8 flake8-bugbear flake8-comprehensions
    conda install pytorch3d -c pytorch3d
    

    I did not go through with conda install -c bottler nvidiacub since it wanted to 'upgrade' my pytorch to CPU only. The conda logs from it (why it wants to downgrade could be indicative of an issue):

    Collecting package metadata (current_repodata.json): done
    Solving environment: failed with initial frozen solve. Retrying with flexible solve.
    Solving environment: failed with repodata from current_repodata.json, will retry with next repodata source.
    Collecting package metadata (repodata.json): done
    Solving environment: failed with initial frozen solve. Retrying with flexible solve.
    Solving environment: done
    
    
    ==> WARNING: A newer version of conda exists. <==
      current version: 4.12.0
      latest version: 4.13.0
    
    Please update conda by running
    
        $ conda update -n base -c defaults conda
    
    
    
    ## Package Plan ##
    
      environment location: /home/zhsh/miniconda3/envs/dev
    
      added / updated specs:
        - nvidiacub
    
    
    The following packages will be downloaded:
    
        package                    |            build
        ---------------------------|-----------------
        blas-2.112                 |              mkl          12 KB  conda-forge
        blas-devel-3.9.0           |   12_linux64_mkl          11 KB  conda-forge
        cffi-1.15.1                |   py39he91dace_0         229 KB  conda-forge
        ffmpeg-4.3.2               |       h37c90e5_3         9.9 MB  conda-forge
        future-0.18.2              |   py39hf3d152e_5         713 KB  conda-forge
        gmp-6.2.1                  |       h58526e2_0         806 KB  conda-forge
        gnutls-3.6.13              |       h85f3911_1         2.0 MB  conda-forge
        lame-3.100                 |    h7f98852_1001         496 KB  conda-forge
        libblas-3.9.0              |   12_linux64_mkl          12 KB  conda-forge
        libcblas-3.9.0             |   12_linux64_mkl          12 KB  conda-forge
        liblapack-3.9.0            |   12_linux64_mkl          12 KB  conda-forge
        liblapacke-3.9.0           |   12_linux64_mkl          12 KB  conda-forge
        libprotobuf-3.18.1         |       h780b84a_0         2.6 MB  conda-forge
        mkl-2021.4.0               |     h8d4b97c_729       219.1 MB  conda-forge
        mkl-devel-2021.4.0         |     ha770c72_730          25 KB  conda-forge
        mkl-include-2021.4.0       |     h8d4b97c_729         694 KB  conda-forge
        nettle-3.6                 |       he412f7d_0         6.5 MB  conda-forge
        openh264-2.1.1             |       h780b84a_0         1.5 MB  conda-forge
        pycparser-2.21             |     pyhd8ed1ab_0         100 KB  conda-forge
        pytorch-1.9.1              |cpu_py39hc5866cc_3        45.2 MB  conda-forge
        sleef-3.5.1                |       h9b69904_2         1.5 MB  conda-forge
        torchvision-0.11.3         |cpu_py39h955d6d4_2         7.1 MB  conda-forge
        x264-1!161.3030            |       h7f98852_1         2.5 MB  conda-forge
        ------------------------------------------------------------
                                               Total:       300.7 MB
    
    The following NEW packages will be INSTALLED:
    
      cffi               conda-forge/linux-64::cffi-1.15.1-py39he91dace_0
      ffmpeg             conda-forge/linux-64::ffmpeg-4.3.2-h37c90e5_3
      future             conda-forge/linux-64::future-0.18.2-py39hf3d152e_5
      gmp                conda-forge/linux-64::gmp-6.2.1-h58526e2_0
      gnutls             conda-forge/linux-64::gnutls-3.6.13-h85f3911_1
      lame               conda-forge/linux-64::lame-3.100-h7f98852_1001
      libprotobuf        conda-forge/linux-64::libprotobuf-3.18.1-h780b84a_0
      nettle             conda-forge/linux-64::nettle-3.6-he412f7d_0
      nvidiacub          bottler/linux-64::nvidiacub-1.10.0-0
      openh264           conda-forge/linux-64::openh264-2.1.1-h780b84a_0
      pycparser          conda-forge/noarch::pycparser-2.21-pyhd8ed1ab_0
      sleef              conda-forge/linux-64::sleef-3.5.1-h9b69904_2
      x264               conda-forge/linux-64::x264-1!161.3030-h7f98852_1
    
    The following packages will be UPDATED:
    
      pytorch            pytorch::pytorch-1.9.1-py3.9_cuda10.2~ --> conda-forge::pytorch-1.9.1-cpu_py39hc5866cc_3
      torchvision        pytorch/noarch::torchvision-0.2.2-py_3 --> conda-forge/linux-64::torchvision-0.11.3-cpu_py39h955d6d4_2
    
    The following packages will be DOWNGRADED:
    
      blas                                            2.115-mkl --> 2.112-mkl
      blas-devel                           3.9.0-15_linux64_mkl --> 3.9.0-12_linux64_mkl
      libblas                              3.9.0-15_linux64_mkl --> 3.9.0-12_linux64_mkl
      libcblas                             3.9.0-15_linux64_mkl --> 3.9.0-12_linux64_mkl
      liblapack                            3.9.0-15_linux64_mkl --> 3.9.0-12_linux64_mkl
      liblapacke                           3.9.0-15_linux64_mkl --> 3.9.0-12_linux64_mkl
      mkl                                 2022.1.0-h84fe81f_915 --> 2021.4.0-h8d4b97c_729
      mkl-devel                           2022.1.0-ha770c72_916 --> 2021.4.0-ha770c72_730
      mkl-include                         2022.1.0-h84fe81f_915 --> 2021.4.0-h8d4b97c_729
    

    Conda logs from conda install pytorch3d -c pytorch3d is attached (too long for inline) pytorch3d_conda_install_log.txt I have no idea why there are so many conflicts...

    After the above installation, when I do conda list, I see pytorch3d:

    # packages in environment at /home/zhsh/miniconda3/envs/dev:
    #
    # Name                    Version                   Build  Channel
    _libgcc_mutex             0.1                 conda_forge    conda-forge
    _openmp_mutex             4.5                  2_kmp_llvm    conda-forge
    attrs                     21.4.0                   pypi_0    pypi
    black                     22.6.0                   pypi_0    pypi
    blas                      2.115                       mkl    conda-forge
    blas-devel                3.9.0            15_linux64_mkl    conda-forge
    bzip2                     1.0.8                h7f98852_4    conda-forge
    ca-certificates           2022.6.15            ha878542_0    conda-forge
    click                     8.1.3                    pypi_0    pypi
    cudatoolkit               10.2.89             h713d32c_10    conda-forge
    cycler                    0.11.0                   pypi_0    pypi
    flake8                    4.0.1                    pypi_0    pypi
    flake8-bugbear            22.7.1                   pypi_0    pypi
    flake8-comprehensions     3.10.0                   pypi_0    pypi
    fonttools                 4.34.4                   pypi_0    pypi
    freetype                  2.10.4               h0708190_1    conda-forge
    giflib                    5.2.1                h36c2ea0_2    conda-forge
    imageio                   2.19.3                   pypi_0    pypi
    jpeg                      9e                   h166bdaf_2    conda-forge
    kiwisolver                1.4.3                    pypi_0    pypi
    lcms2                     2.12                 hddcbb42_0    conda-forge
    ld_impl_linux-64          2.36.1               hea4e1c9_2    conda-forge
    lerc                      3.0                  h9c3ff4c_0    conda-forge
    libblas                   3.9.0            15_linux64_mkl    conda-forge
    libcblas                  3.9.0            15_linux64_mkl    conda-forge
    libcst                    0.4.6                    pypi_0    pypi
    libdeflate                1.12                 h166bdaf_0    conda-forge
    libffi                    3.4.2                h7f98852_5    conda-forge
    libgcc-ng                 12.1.0              h8d9b700_16    conda-forge
    libgfortran-ng            12.1.0              h69a702a_16    conda-forge
    libgfortran5              12.1.0              hdcd56e2_16    conda-forge
    libgomp                   12.1.0              h8d9b700_16    conda-forge
    liblapack                 3.9.0            15_linux64_mkl    conda-forge
    liblapacke                3.9.0            15_linux64_mkl    conda-forge
    libnsl                    2.0.0                h7f98852_0    conda-forge
    libpng                    1.6.37               h753d276_3    conda-forge
    libstdcxx-ng              12.1.0              ha89aaad_16    conda-forge
    libtiff                   4.4.0                hc85c160_1    conda-forge
    libuuid                   2.32.1            h7f98852_1000    conda-forge
    libuv                     1.43.0               h7f98852_0    conda-forge
    libwebp                   1.2.2                h3452ae3_0    conda-forge
    libwebp-base              1.2.2                h7f98852_1    conda-forge
    libxcb                    1.13              h7f98852_1004    conda-forge
    libzlib                   1.2.12               h166bdaf_1    conda-forge
    llvm-openmp               14.0.4               he0ac6c6_0    conda-forge
    lz4-c                     1.9.3                h9c3ff4c_1    conda-forge
    matplotlib                3.5.2                    pypi_0    pypi
    mccabe                    0.6.1                    pypi_0    pypi
    mkl                       2022.1.0           h84fe81f_915    conda-forge
    mkl-devel                 2022.1.0           ha770c72_916    conda-forge
    mkl-include               2022.1.0           h84fe81f_915    conda-forge
    moreorless                0.4.0                    pypi_0    pypi
    mypy-extensions           0.4.3                    pypi_0    pypi
    ncurses                   6.3                  h27087fc_1    conda-forge
    networkx                  2.8.4                    pypi_0    pypi
    ninja                     1.11.0               h924138e_0    conda-forge
    numpy                     1.23.0           py39hba7629e_0    conda-forge
    opencv-python             4.6.0.66                 pypi_0    pypi
    openjpeg                  2.4.0                hb52868f_1    conda-forge
    openssl                   3.0.5                h166bdaf_0    conda-forge
    packaging                 21.3                     pypi_0    pypi
    pathspec                  0.9.0                    pypi_0    pypi
    pillow                    9.2.0            py39hae2aec6_0    conda-forge
    pip                       22.1.2             pyhd8ed1ab_0    conda-forge
    platformdirs              2.5.2                    pypi_0    pypi
    plotly                    5.9.0                    pypi_0    pypi
    pthread-stubs             0.4               h36c2ea0_1001    conda-forge
    pycodestyle               2.8.0                    pypi_0    pypi
    pyflakes                  2.4.0                    pypi_0    pypi
    pyparsing                 3.0.9                    pypi_0    pypi
    python                    3.9.13          h2660328_0_cpython    conda-forge
    python-dateutil           2.8.2                    pypi_0    pypi
    python_abi                3.9                      2_cp39    conda-forge
    pytorch                   1.9.1           py3.9_cuda10.2_cudnn7.6.5_0    pytorch
    pywavelets                1.3.0                    pypi_0    pypi
    pyyaml                    6.0                      pypi_0    pypi
    readline                  8.1.2                h0f457ee_0    conda-forge
    scikit-image              0.19.3                   pypi_0    pypi
    scipy                     1.8.1                    pypi_0    pypi
    setuptools                63.1.0           py39hf3d152e_0    conda-forge
    six                       1.16.0             pyh6c4a22f_0    conda-forge
    sqlite                    3.39.0               h4ff8645_0    conda-forge
    stdlibs                   2022.6.8                 pypi_0    pypi
    tbb                       2021.5.0             h924138e_1    conda-forge
    tenacity                  8.0.1                    pypi_0    pypi
    tifffile                  2022.5.4                 pypi_0    pypi
    tk                        8.6.12               h27826a3_0    conda-forge
    toml                      0.10.2                   pypi_0    pypi
    tomli                     2.0.1                    pypi_0    pypi
    torchvision               0.2.2                      py_3    pytorch
    trailrunner               1.2.1                    pypi_0    pypi
    typing-inspect            0.7.1                    pypi_0    pypi
    typing_extensions         4.3.0              pyha770c72_0    conda-forge
    tzdata                    2022a                h191b570_0    conda-forge
    usort                     1.0.2                    pypi_0    pypi
    wheel                     0.37.1             pyhd8ed1ab_0    conda-forge
    xorg-libxau               1.0.9                h7f98852_0    conda-forge
    xorg-libxdmcp             1.1.3                h7f98852_0    conda-forge
    xz                        5.2.5                h516909a_1    conda-forge
    zlib                      1.2.12               h166bdaf_1    conda-forge
    zstd                      1.5.2                h8a70e8d_2    conda-forge
    

    However, I can't seem to import it

    >>> import pytorch3d
    Python 3.9.13 | packaged by conda-forge | (main, May 27 2022, 16:58:50) 
    [GCC 10.3.0] on linux
    Type "help", "copyright", "credits" or "license" for more information.
    Traceback (most recent call last):
      File "<stdin>", line 1, in <module>
    ModuleNotFoundError: No module named 'pytorch3d'
    

    pip list with dev activated produces:

    Package                       Version
    ----------------------------- --------
    actionlib                     1.13.2
    angles                        1.9.13
    attrs                         21.4.0
    black                         22.6.0
    bondpy                        1.8.6
    camera-calibration            1.15.3
    camera-calibration-parsers    1.12.0
    catkin                        0.8.10
    click                         8.1.3
    controller-manager            0.19.5
    controller-manager-msgs       0.19.5
    cv-bridge                     1.15.0
    cycler                        0.11.0
    diagnostic-analysis           1.10.4
    diagnostic-common-diagnostics 1.10.4
    diagnostic-updater            1.10.4
    dynamic-reconfigure           1.7.1
    flake8                        4.0.1
    flake8-bugbear                22.7.1
    flake8-comprehensions         3.10.0
    fonttools                     4.34.4
    gazebo_plugins                2.9.2
    gazebo_ros                    2.9.2
    gencpp                        0.6.5
    geneus                        3.0.0
    genlisp                       0.4.18
    genmsg                        0.5.16
    gennodejs                     2.0.2
    genpy                         0.6.15
    image-geometry                1.15.0
    imageio                       2.19.3
    interactive-markers           1.12.0
    joint_state_publisher         1.15.0
    joint_state_publisher_gui     1.15.0
    kiwisolver                    1.4.3
    laser_geometry                1.6.7
    libcst                        0.4.6
    matplotlib                    3.5.2
    mccabe                        0.6.1
    message-filters               1.15.13
    moreorless                    0.4.0
    moveit_commander              1.1.9
    moveit-core                   1.1.9
    moveit_ros_planning_interface 1.1.9
    moveit_ros_visualization      1.1.9
    mypy-extensions               0.4.3
    networkx                      2.8.4
    numpy                         1.23.0
    opencv-python                 4.6.0.66
    packaging                     21.3
    pathspec                      0.9.0
    Pillow                        9.2.0
    pip                           22.1.2
    platformdirs                  2.5.2
    plotly                        5.9.0
    pr2_controller_manager        1.8.20
    pycodestyle                   2.8.0
    pyflakes                      2.4.0
    pyparsing                     3.0.9
    python-dateutil               2.8.2
    python-qt-binding             0.4.4
    PyWavelets                    1.3.0
    PyYAML                        6.0
    qt-dotgraph                   0.4.2
    qt-gui                        0.4.2
    qt-gui-cpp                    0.4.2
    qt-gui-py-common              0.4.2
    resource_retriever            1.12.6
    ros_numpy                     0.0.5
    rosbag                        1.15.13
    rosboost-cfg                  1.15.8
    rosclean                      1.15.8
    roscreate                     1.15.8
    rosgraph                      1.15.13
    roslaunch                     1.15.13
    roslib                        1.15.8
    roslint                       0.12.0
    roslz4                        1.15.13
    rosmake                       1.15.8
    rosmaster                     1.15.13
    rosmsg                        1.15.13
    rosnode                       1.15.13
    rosparam                      1.15.13
    rospy                         1.15.13
    rosservice                    1.15.13
    rostest                       1.15.13
    rostopic                      1.15.13
    rosunit                       1.15.8
    roswtf                        1.15.13
    rqt_action                    0.4.9
    rqt_bag                       0.5.1
    rqt_bag_plugins               0.5.1
    rqt_console                   0.4.11
    rqt_dep                       0.4.12
    rqt_graph                     0.4.14
    rqt_gui                       0.5.2
    rqt_gui_py                    0.5.2
    rqt_image_view                0.4.16
    rqt_launch                    0.4.9
    rqt_logger_level              0.4.11
    rqt-moveit                    0.5.10
    rqt_msg                       0.4.10
    rqt_nav_view                  0.5.7
    rqt_plot                      0.4.13
    rqt_pose_view                 0.5.11
    rqt_publisher                 0.4.10
    rqt_py_common                 0.5.2
    rqt_py_console                0.4.10
    rqt-reconfigure               0.5.4
    rqt-robot-dashboard           0.5.8
    rqt-robot-monitor             0.5.13
    rqt_robot_steering            0.5.12
    rqt_runtime_monitor           0.5.9
    rqt-rviz                      0.7.0
    rqt_service_caller            0.4.10
    rqt_shell                     0.4.11
    rqt_srv                       0.4.9
    rqt_tf_tree                   0.6.2
    rqt_top                       0.4.10
    rqt_topic                     0.4.12
    rqt_web                       0.4.10
    rviz                          1.14.10
    scikit-image                  0.19.3
    scipy                         1.8.1
    sensor-msgs                   1.13.1
    setuptools                    63.1.0
    six                           1.16.0
    smach                         2.5.0
    smach-ros                     2.5.0
    smclib                        1.8.6
    srdfdom                       0.6.3
    stdlibs                       2022.6.8
    tenacity                      8.0.1
    tf                            1.13.2
    tf-conversions                1.13.2
    tf2-geometry-msgs             0.7.5
    tf2-kdl                       0.7.5
    tf2-py                        0.7.5
    tf2-ros                       0.7.5
    tifffile                      2022.5.4
    toml                          0.10.2
    tomli                         2.0.1
    topic-tools                   1.15.13
    torch                         1.9.1
    torchvision                   0.2.2
    trailrunner                   1.2.1
    typing_extensions             4.3.0
    typing-inspect                0.7.1
    urdfdom-py                    0.4.6
    usort                         1.0.2
    wheel                         0.37.1
    xacro                         1.14.10
    
    Stale 
    opened by LemonPi 17
  • Example Google Colab Notebooks have stopped working

    Example Google Colab Notebooks have stopped working

    Google Colab Example Notebooks have stopped working

    Recently Colab upgraded to PyTorch 1.11.0 with Cuda 11.3, this has broken the example notebooks

    import os
    import sys
    import torch
    need_pytorch3d=False
    try:
        import pytorch3d
    except ModuleNotFoundError:
        need_pytorch3d=True
    if need_pytorch3d:
        if torch.__version__.startswith("1.10.") and sys.platform.startswith("linux"):
            # We try to install PyTorch3D via a released wheel.
            pyt_version_str=torch.__version__.split("+")[0].replace(".", "")
            version_str="".join([
                f"py3{sys.version_info.minor}_cu",
                torch.version.cuda.replace(".",""),
                f"_pyt{pyt_version_str}"
            ])
            !pip install pytorch3d -f https://dl.fbaipublicfiles.com/pytorch3d/packaging/wheels/{version_str}/download.html
        else:
            # We try to install PyTorch3D from source.
            !curl -LO https://github.com/NVIDIA/cub/archive/1.10.0.tar.gz
            !tar xzf 1.10.0.tar.gz
            os.environ["CUB_HOME"] = os.getcwd() + "/cub-1.10.0"
            !pip install 'git+https://github.com/facebookresearch/[email protected]'
    

    and here's the output

      % Total    % Received % Xferd  Average Speed   Time    Time     Time  Current
                                     Dload  Upload   Total   Spent    Left  Speed
    100   128  100   128    0     0    364      0 --:--:-- --:--:-- --:--:--   364
    100  404k  100  404k    0     0   502k      0 --:--:-- --:--:-- --:--:--  502k
    Collecting git+https://github.com/facebookresearch/[email protected]
      Cloning https://github.com/facebookresearch/pytorch3d.git (to revision stable) to /tmp/pip-req-build-euq9uqyq
      Running command git clone -q https://github.com/facebookresearch/pytorch3d.git /tmp/pip-req-build-euq9uqyq
      Running command git checkout -q 3fc3ea507bfbf7e1c2d5023a6db202698206f91d
    Collecting fvcore
      Downloading fvcore-0.1.5.post20220414.tar.gz (50 kB)
         |████████████████████████████████| 50 kB 2.7 MB/s 
    Collecting iopath
      Downloading iopath-0.1.9-py3-none-any.whl (27 kB)
    Requirement already satisfied: numpy in /usr/local/lib/python3.7/dist-packages (from fvcore->pytorch3d==0.6.1) (1.21.6)
    Collecting yacs>=0.1.6
      Downloading yacs-0.1.8-py3-none-any.whl (14 kB)
    Collecting pyyaml>=5.1
      Downloading PyYAML-6.0-cp37-cp37m-manylinux_2_5_x86_64.manylinux1_x86_64.manylinux_2_12_x86_64.manylinux2010_x86_64.whl (596 kB)
         |████████████████████████████████| 596 kB 12.2 MB/s 
    Requirement already satisfied: tqdm in /usr/local/lib/python3.7/dist-packages (from fvcore->pytorch3d==0.6.1) (4.64.0)
    Requirement already satisfied: termcolor>=1.1 in /usr/local/lib/python3.7/dist-packages (from fvcore->pytorch3d==0.6.1) (1.1.0)
    Requirement already satisfied: Pillow in /usr/local/lib/python3.7/dist-packages (from fvcore->pytorch3d==0.6.1) (7.1.2)
    Requirement already satisfied: tabulate in /usr/local/lib/python3.7/dist-packages (from fvcore->pytorch3d==0.6.1) (0.8.9)
    Collecting portalocker
      Downloading portalocker-2.4.0-py2.py3-none-any.whl (16 kB)
    Building wheels for collected packages: pytorch3d, fvcore
      Building wheel for pytorch3d (setup.py) ... error
      ERROR: Failed building wheel for pytorch3d
      Running setup.py clean for pytorch3d
      Building wheel for fvcore (setup.py) ... done
      Created wheel for fvcore: filename=fvcore-0.1.5.post20220414-py3-none-any.whl size=61211 sha256=82d481974b7c2b8a44f677c514d094807310294378b2004b4cdb90a2741f9c3b
      Stored in directory: /root/.cache/pip/wheels/df/f4/b8/7b5df8b6722f4c72315ce70c31aa693e00cef6a5056149bd28
    Successfully built fvcore
    Failed to build pytorch3d
    Installing collected packages: pyyaml, portalocker, yacs, iopath, fvcore, pytorch3d
      Attempting uninstall: pyyaml
        Found existing installation: PyYAML 3.13
        Uninstalling PyYAML-3.13:
          Successfully uninstalled PyYAML-3.13
        Running setup.py install for pytorch3d ... error
    ERROR: Command errored out with exit status 1: /usr/bin/python3 -u -c 'import io, os, sys, setuptools, tokenize; sys.argv[0] = '"'"'/tmp/pip-req-build-euq9uqyq/setup.py'"'"'; __file__='"'"'/tmp/pip-req-build-euq9uqyq/setup.py'"'"';f = getattr(tokenize, '"'"'open'"'"', open)(__file__) if os.path.exists(__file__) else io.StringIO('"'"'from setuptools import setup; setup()'"'"');code = f.read().replace('"'"'\r\n'"'"', '"'"'\n'"'"');f.close();exec(compile(code, __file__, '"'"'exec'"'"'))' install --record /tmp/pip-record-_l3ym2x6/install-record.txt --single-version-externally-managed --compile --install-headers /usr/local/include/python3.7/pytorch3d Check the logs for full command output.
    

    Instructions To Reproduce the Issue:

    Run any of the notebooks in the tutorial, for example: https://colab.research.google.com/github/facebookresearch/pytorch3d/blob/stable/docs/tutorials/deform_source_mesh_to_target_mesh.ipynb

    For torch version 1.11.0+cu113 in colab, the url should be https://dl.fbaipublicfiles.com/pytorch3d/packaging/wheels/py37_cu113_pyt1110/download.html which doesn't exist, also build from source is not working. This could be temporaily fixed by downgrading torch for now.

    opened by satyajit-ink 17
  • Installation and Setup with DockerFile

    Installation and Setup with DockerFile

    🚀 Feature

    I would like to propose and implement a DockerFile for easy installation and set up of pytorch3d

    Motivation

    A lot of users might face problems while installation, I personally took some time to set it up, but a dockerfile makes this easier. One line of code to run the dockerfile.

    Pitch

    The DoclkerFile would :

    1. check for python
    2. Ask for OS
    3. create a virtual environment
    4. Install all requirements
    5. Checks for cuda (and version) if doesn't exist, will install with pip (without cuda support)
    6. User can choose. [a] anaconda [b] pip
    7. User can choose building / installing from source. [a] Install from Github [b] Install from local clone

    NOTE: we only consider adding new features if they are useful for many users.

    enhancement installation 
    opened by Hemantr05 17
  • CUDA Multinomial Bug in Mesh Sampling

    CUDA Multinomial Bug in Mesh Sampling

    I'm using Mesh R-CNN evaluation pipeline that depends on Pytorch3D. Everything works fine for the most part and I was able to reproduce the numbers in the paper. However, every once in a while I ran into the following error for meshes that look normal to me. I tried printing the mesh tensor and they seem reasonable. I noticed that in line 62 of pytorch3d/ops/sample_points_from_meshes.py there's a TODO to fix a multinomial bug. I wonder if that's exactly what I'm running into here.

    Is there anything I can do to avoid this?

    /opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,1,0] Assertioncumdist[size - 1] > static_cast<scalar_t>(0)failed. /opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,2,0] Assertioncumdist[size - 1] > static_cast<scalar_t>(0)failed. /opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,0,0] Assertioncumdist[size - 1] > static_cast<scalar_t>(0)failed. /opt/conda/conda-bld/pytorch_1579027003190/work/aten/src/ATen/native/cuda/MultinomialKernel.cu:87: int at::native::<unnamed>::binarySearchForMultinomial(scalar_t *, scalar_t *, int, scalar_t) [with scalar_t = float]: block: [21,0,0], thread: [0,3,0] Assertioncumdist[size - 1] > static_cast<scalar_t>(0)failed. Traceback (most recent call last): File "tools/train_net.py", line 292, in <module> args=(args,), File "/usr/local/google/home/weicheng/Documents/research/detectron2_repo/detectron2/engine/launch.py", line 52, in launch main_func(*args) File "tools/train_net.py", line 274, in main args.num_eval_images) File "tools/train_net.py", line 213, in eval_no_predict results_i = evaluation_on_dataset(model_preds, evaluator) File "/usr/local/google/home/weicheng/Documents/research/detectron2_repo/detectron2/evaluation/evaluator.py", line 185, in evaluation_on_dataset results = evaluator.evaluate() File "/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 170, in evaluate self._eval_predictions() File "/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 192, in _eval_predictions vis_output_name=self._vis_output_name, File "/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/evaluation/pix3d_evaluation.py", line 443, in evaluate_for_pix3d shape_metrics = compare_meshes(meshes, gt_mesh, reduce=False) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/autograd/grad_mode.py", line 49, in decorate_no_grad return func(*args, **kwargs) File "/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/utils/metrics.py", line 68, in compare_meshes pred_points, pred_normals = _sample_meshes(pred_meshes, num_samples_pred) File "/google/src/cloud/weicheng/movemesh/google3/third_party/py/cadretinanet/meshrcnn/meshrcnn/utils/metrics.py", line 153, in _sample_meshes verts, normals = sample_points_from_meshes(meshes, num_samples, return_normals=True) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/pytorch3d/ops/sample_points_from_meshes.py", line 66, in sample_points_from_meshes print(meshes.valid) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/tensor.py", line 159, in __repr__ return torch._tensor_str._str(self) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 311, in _str tensor_str = _tensor_str(self, indent) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 209, in _tensor_str formatter = _Formatter(get_summarized_data(self) if summarize else self) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/_tensor_str.py", line 83, in __init__ value_str = '{}'.format(value) File "/usr/local/google/home/weicheng/Documents/research/miniconda3/envs/pytorch3d2/lib/python3.6/site-packages/torch/tensor.py", line 409, in __format__ return self.item().__format__(format_spec) RuntimeError: CUDA error: device-side assert triggered

    bug question 
    opened by weichengkuo 17
  • implicitron:

    implicitron:"ValidationError: Unexpected object type: _empty"---video synthesis

    🐛 Hello, there is something wrong with video making in implicitron.

    INPUT python pytorch3d/implicitron_trainer/visualize_reconstruction.py exp_dir='pytorch3d/projects/implicitron_trainer/checkpoint' \ visdom_show_preds=True visdom_server=True n_eval_cameras=40 render_size="[64,64]" video_size="[256,256]"

    OUTPUT ERROR raise ValidationError(f"Unexpected object type: {type_str(type_)}") omegaconf.errors.ValidationError: Unexpected object type: _empty full_key: visdom_server object_type=_export_scenes_default_args_ I read many relative py files. visdom_server is defined as str. I have no idea how the error comes. THANK U

    bug 
    opened by cinamon123 16
  • Incorrect alpha when rendering meshes with blur and many small polygons

    Incorrect alpha when rendering meshes with blur and many small polygons

    🐛 Bugs / Unexpected behaviors

    I am finding that I cannot use higher values of sigma like 1e-4 when my meshes are high resolution (i.e. have a lot of polygons). For the example below, I create a sphere with marching cubes, and then try to render it. Using the default recommended sigma of 1e-4 results in a broken image.

    Please advise on whether this is expected behavior, why it's happening, or if there's something I should be doing to mitigate it.

    With sigma=1e-4:

    download

    With much smaller sigma=1e-5:

    download-1

    Instructions To Reproduce the Issue:

    Here is an example script to render the above images:

    from pytorch3d.structures import Meshes
    from pytorch3d.renderer import (
        BlendParams,
        DirectionalLights,
        FoVPerspectiveCameras,
        MeshRasterizer,
        MeshRenderer,
        RasterizationSettings,
        SoftPhongShader,
        TexturesVertex,
    )
    import skimage
    import torch
    import numpy as np
    from PIL import Image
    
    device = torch.device('cuda')
    
    # Create a field representing a sphere
    resolution = 128
    xs = np.linspace(-1, 1, num=resolution)
    field = np.array([[[1.0 - np.sqrt(x**2 + y**2 + z**2) for z in xs] for y in xs] for x in xs])
    
    # Create a mesh from the above
    verts, faces, _, _ = skimage.measure.marching_cubes(field, 0)
    verts = (verts / (resolution / 2) - 1.0)
    old_f1 = faces[:, 0].copy()
    faces[:, 0] = faces[:, 1]
    faces[:, 1] = old_f1
    
    meshes = Meshes(
        verts=[torch.from_numpy(verts.copy()).cuda()],
        faces=[torch.from_numpy(faces.copy()).cuda()],
    )
    meshes.textures = TexturesVertex(
        verts_features=torch.tensor([[1.0, 0.0, 0.0]], device=device).repeat(len(verts), 1)[None],
    )
    
    x = [1.0, 0.0, 0.0]
    y = [0.0, 0.0, -1.0]
    z = [0.0, -1.0, 0.0]
    origin = [0.0, 3.0, 0.0]
    R = np.array([x, y, z])
    cameras = FoVPerspectiveCameras(
        R=R.T[None],
        T=-(R.T @ origin)[None],
        fov=90,
        degrees=True,
        device=device,
    )
    
    lights = DirectionalLights(
        ambient_color=((0.2, 0.2, 0.2),),
        diffuse_color=((0.7, 0.7, 0.7),),
        specular_color=((0.1, 0.1, 0.1),),
        direction=((0, np.sqrt(2), -np.sqrt(2)),),
        device=device,
    )
    
    sigma = 1e-4
    
    raster_settings_soft = RasterizationSettings(
        image_size=512,
        blur_radius=np.log(1.0 / 1e-4 - 1.0) * sigma,
        faces_per_pixel=50,
        max_faces_per_bin=100000,
        bin_size=None,
        perspective_correct=False,
    )
    renderer = MeshRenderer(
        rasterizer=MeshRasterizer(cameras=cameras, raster_settings=raster_settings_soft),
        shader=SoftPhongShader(
            device=meshes.device,
            cameras=cameras,
            lights=lights,
            blend_params=BlendParams(sigma=sigma, background_color=(0, 0, 0)),
        ),
    )
    result = renderer(meshes)
    
    # The below code renders the result as an image.
    img = np.clip(np.round(result[0].cpu().numpy() * 255), 0, 255).astype(np.uint8)
    display(Image.fromarray(img))
    
    opened by unixpickle 0
  • Cannot install pytorch3d in Google Colab: ImportError: libcudart.so.10.1

    Cannot install pytorch3d in Google Colab: ImportError: libcudart.so.10.1

    Tried several ways to install pytorch, but I cannot access the pytorch3d.loss after the installation.

    I'm reinstalling torch and torchvision with

    !pip uninstall torch torchvision -y
    !pip install torch==1.13.0 torchvision==0.14.0
    

    And then install pytorch3d with !pip install pytorch3d

    importing pytorch3d.structures gives no error, but pytorch3d.loss gives the following error:

    ImportError Traceback (most recent call last)

    in ----> 1 import pytorch3d.loss

    3 frames

    /usr/local/lib/python3.8/dist-packages/pytorch3d/ops/graph_conv.py in 6 7 # pyre-fixme[21]: Could not find name _C in pytorch3d. ----> 8 from pytorch3d import _C 9 from torch.autograd import Function 10 from torch.autograd.function import once_differentiable

    ImportError: libcudart.so.10.1: cannot open shared object file: No such file or directory

    The PyTorch version should be the correct one.

    !pip install pytorch3d

    Looking in indexes: https://pypi.org/simple, https://us-python.pkg.dev/colab-wheels/public/simple/ Requirement already satisfied: pytorch3d in /usr/local/lib/python3.8/dist-packages (0.3.0) Requirement already satisfied: torchvision>=0.4 in /usr/local/lib/python3.8/dist-packages (from pytorch3d) (0.14.0) Requirement already satisfied: fvcore in /usr/local/lib/python3.8/dist-packages (from pytorch3d) (0.1.5.post20221221) Requirement already satisfied: torch==1.13.0 in /usr/local/lib/python3.8/dist-packages (from torchvision>=0.4->pytorch3d) (1.13.0) Requirement already satisfied: requests in /usr/local/lib/python3.8/dist-packages (from torchvision>=0.4->pytorch3d) (2.25.1) Requirement already satisfied: typing-extensions in /usr/local/lib/python3.8/dist-packages (from torchvision>=0.4->pytorch3d) (4.4.0) Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in /usr/local/lib/python3.8/dist-packages (from torchvision>=0.4->pytorch3d) (7.1.2) Requirement already satisfied: numpy in /usr/local/lib/python3.8/dist-packages (from torchvision>=0.4->pytorch3d) (1.21.6) Requirement already satisfied: nvidia-cudnn-cu11==8.5.0.96 in /usr/local/lib/python3.8/dist-packages (from torch==1.13.0->torchvision>=0.4->pytorch3d) (8.5.0.96) Requirement already satisfied: nvidia-cuda-runtime-cu11==11.7.99 in /usr/local/lib/python3.8/dist-packages (from torch==1.13.0->torchvision>=0.4->pytorch3d) (11.7.99) Requirement already satisfied: nvidia-cuda-nvrtc-cu11==11.7.99 in /usr/local/lib/python3.8/dist-packages (from torch==1.13.0->torchvision>=0.4->pytorch3d) (11.7.99) Requirement already satisfied: nvidia-cublas-cu11==11.10.3.66 in /usr/local/lib/python3.8/dist-packages (from torch==1.13.0->torchvision>=0.4->pytorch3d) (11.10.3.66) Requirement already satisfied: setuptools in /usr/local/lib/python3.8/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch==1.13.0->torchvision>=0.4->pytorch3d) (57.4.0) Requirement already satisfied: wheel in /usr/local/lib/python3.8/dist-packages (from nvidia-cublas-cu11==11.10.3.66->torch==1.13.0->torchvision>=0.4->pytorch3d) (0.38.4) Requirement already satisfied: tabulate in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (0.8.10) Requirement already satisfied: yacs>=0.1.6 in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (0.1.8) Requirement already satisfied: tqdm in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (4.64.1) Requirement already satisfied: pyyaml>=5.1 in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (6.0) Requirement already satisfied: iopath>=0.1.7 in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (0.1.10) Requirement already satisfied: termcolor>=1.1 in /usr/local/lib/python3.8/dist-packages (from fvcore->pytorch3d) (2.1.1) Requirement already satisfied: portalocker in /usr/local/lib/python3.8/dist-packages (from iopath>=0.1.7->fvcore->pytorch3d) (2.6.0) Requirement already satisfied: chardet<5,>=3.0.2 in /usr/local/lib/python3.8/dist-packages (from requests->torchvision>=0.4->pytorch3d) (4.0.0) Requirement already satisfied: urllib3<1.27,>=1.21.1 in /usr/local/lib/python3.8/dist-packages (from requests->torchvision>=0.4->pytorch3d) (1.24.3) Requirement already satisfied: certifi>=2017.4.17 in /usr/local/lib/python3.8/dist-packages (from requests->torchvision>=0.4->pytorch3d) (2022.12.7) Requirement already satisfied: idna<3,>=2.5 in /usr/local/lib/python3.8/dist-packages (from requests->torchvision>=0.4->pytorch3d) (2.10)

    Executing the recommended way to install pytorch3d on google colab did not work for me either:

    import sys
    import torch
    pyt_version_str=torch.__version__.split("+")[0].replace(".", "")
    version_str="".join([
        f"py3{sys.version_info.minor}_cu",
        torch.version.cuda.replace(".",""),
        f"_pyt{pyt_version_str}"
    ])
    !pip install --no-index --no-cache-dir pytorch3d -f https://dl.fbaipublicfiles.com/pytorch3d/packaging/wheels/{version_str}/download.html
    

    gives the error

    ERROR: Could not find a version that satisfies the requirement iopath (from pytorch3d) (from versions: none) ERROR: No matching distribution found for iopath

    opened by Lighfe 0
  • Cannot use other version of CUDA in installation

    Cannot use other version of CUDA in installation

    I tried to use pip install "git+https://github.com/facebookresearch/pytorch3d.git" to install.

    It tells me that

    The detected CUDA version (10.2) mismatches the version that was used to compile
          PyTorch (11.2). Please make sure to use the same CUDA versions.
    

    Indeed, I have CUDA 10.2 and CUDA 11.2 in /usr/local/, and 10.2 is the default.

    After I used

    export PATH=/usr/local/cuda-11.2/bin${PATH:+:${PATH}}
    export PYTHONPATH=$PYTHONPATH:/usr/local/cuda-11.2/lib64/
    export LD_LIBRARY_PATH=/usr/local/cuda-11.2/lib64${LD_LIBRARY_PATH:+:${LD_LIBRARY_PATH}}
    

    The nvcc -V shows the version is 11.2 now, but the original error is still there.

    opened by xingzhehe 0
  • Add opengl camera conversion to utils, update camera_conversion_util to FoVPerspectiveCameras

    Add opengl camera conversion to utils, update camera_conversion_util to FoVPerspectiveCameras

    Add opengl camera conversion to utils, update camera_conversion_util,

    Quite some people are struggling and come up with suboptimal solution. A lot of existing graphics code uses OpenGL conventions so its common https://github.com/facebookresearch/pytorch3d/issues/294 https://github.com/facebookresearch/pytorch3d/issues/1199

    Also camera_conversion_util could use FoVPerspectiveCameras instead of deprecated camera flavors https://github.com/facebookresearch/pytorch3d/blob/main/pytorch3d/utils/camera_conversions.py

    opened by 3a1b2c3 2
  • No result (All black)

    No result (All black)

    Hi,I used pytorch3d to render my scene, the pose was colmap's SfM result, obj was colmap+openmvs result, but in indoor scene, I render the result is correct, but in aerial image rendering the result is always black, or the result looks wrong, what is the reason?

    from pytorch3d.renderer.mesh.shader import SoftDepthShader, HardDepthShader, HardPhongShader
    # fx = 572.027
    # fy = 571.459
    # cx = 479.804
    # cy = 360.721
    # w = 960
    # h = 720
    fx = 2897.5
    fy = 2897.5
    cx = 2000
    cy = 1500
    w = 640
    h = 480
    def render_viwer(bin_path, obj_path, render_image_output, render_depth_output):
        images = read_images_binary(bin_path)
        img_names = []
        R_colmap = []
        t_colmap = []
        for item in images.values(): # "qvec", "tvec", "camera_id", "name"
            tem_pose = item.qvec
            tem_pose = qvec2rotmat(tem_pose)
            tem_t = item.tvec.reshape(1, 3)
    
            # tem = np.array([0, 0, 0, 1]).reshape(1,4)
            # tem_T = np.hstack((tem_pose, tem_t))
            # tem_T = np.vstack((tem_T, tem))
            img_name = item.name
            R_colmap.append(tem_pose)
            t_colmap.append(tem_t)
            img_names.append(img_name)
    
        # Setup device
        # if torch.cuda.is_available():
        #     device = torch.device("cuda:1")
        #     torch.cuda.set_device(device)
        #     # torch.device("cuda:1")
        # else:
        #     device = torch.device("cpu")
    
        device = torch.device("cpu")
    
        # Load obj file
        obj_filename = obj_path
        mesh = load_objs_as_meshes([obj_filename], device=device)
    
        # Define the settings for rasterization and shading.
        raster_settings = RasterizationSettings(
            image_size=(h, w), 
            blur_radius=0.0, 
            faces_per_pixel=1, 
        )
    
        # Place a point light in front of the object. As mentioned above, the front of the cow is facing the 
        # -z direction.
        lights = PointLights(device=device, location=[[0.0, 0.0, -3.0]])
        # lights = PointLights(device=device, location=[[0.0, 0.0, 0.0]])
        
        image_size = torch.Tensor(((h, w),)).float().to(device)
        camera_matrix = torch.Tensor([[[fx, 0, cx], [0, fy, cy], [0, 0, 1]]]).float().to(device)
        print(f"image_size type is: {type(image_size[0])}")
        print(f"camer_matrix type is: {type(camera_matrix[0])}")
    
        for i, r in enumerate(R_colmap):
            print(R_colmap[i])
            print(t_colmap[i])
            r_torch = torch.from_numpy(R_colmap[i]).unsqueeze(0).float().to(device)
            t_torch = torch.from_numpy(t_colmap[i]).float().to(device)
            print(f"r_torch type is: {r_torch[0]}")
            print(f"t_torch type is: {t_torch[0]}")
            cameras = camera_conversions._cameras_from_opencv_projection(r_torch, t_torch, camera_matrix, image_size)
            cameras.to(device)
            
            # texture renderer
            renderer_texture = MeshRenderer(
                rasterizer=MeshRasterizer(
                    cameras=cameras, 
                    raster_settings=raster_settings
                ),
                shader=SoftPhongShader(
                    device=device, 
                    cameras=cameras,
                    lights=lights
                )
                # shader=HardPhongShader(
                #     device=device, 
                #     cameras=cameras,
                #     lights=lights
                # )
            )
    
            # depth renderer
            renderer_depth = MeshRenderer(
                rasterizer=MeshRasterizer(
                    cameras=cameras,
                    raster_settings=raster_settings
                ),
                shader=HardDepthShader(
                    device=device,
                    cameras=cameras,
                    lights=lights
                )
            )
            
            # render
            images_texture = renderer_texture(mesh)
            images_depth = renderer_depth(mesh)
            print(f"images_texture is: {images_texture}")
    
            # save
            for path in [render_image_output, render_depth_output]:
                if not os.path.exists(path):
                    os.makedirs(path)
            cur_image_name = os.path.splitext(img_names[i])[0]
            cur_render_image_path = f"{render_image_output}/{cur_image_name}_rendered_color.jpg"
            cur_render_depth_path = f"{render_depth_output}/{cur_image_name}_depth.npz"
            images_texture_numpy = images_texture[0, ..., :3].cpu().numpy()
            images_texture_numpy = cv2.normalize(images_texture_numpy, None, 0,255, cv2.NORM_MINMAX).astype('uint8')
            images_texture_numpy = cv2.cvtColor(images_texture_numpy, cv2.COLOR_RGB2BGR)
            cv2.imwrite(cur_render_image_path, images_texture_numpy)
            np.savez(cur_render_depth_path, images_depth[0, ... ,0].cpu().numpy())
    
    opened by zwl995 1
Releases(v0.7.2)
  • v0.7.2(Dec 19, 2022)

    A small release. Python 3.7 is no longer supported. We support from PyTorch 1.9.0 to PyTorch 1.13.0. [EDIT: post-release, builds for 1.13.1 have also been added.]

    New feature

    • Marching cubes now has an efficient CUDA implementation. https://github.com/facebookresearch/pytorch3d/commit/8b8291830e6ca1f5882700e214f114d5442a04db . Improvements to the cpu code too https://github.com/facebookresearch/pytorch3d/commit/1706eb8216248e54f68cad86f7ea4125c79a3ca4

    Minor new features

    • The experimental glTF support now allows writing meshes to GLB files, including with TexturesUV textures. https://github.com/facebookresearch/pytorch3d/commit/cc2840eb4408f8fd6ad0531e3a817d73e0a53e03
    • Specification of param groups in implicitron made more flexible https://github.com/facebookresearch/pytorch3d/commit/7be49bf46fdce44ec41fc22d29e99d614c1988d6
    • Implicitron’s loader for Co3D-style datasets can load multiple categories https://github.com/facebookresearch/pytorch3d/commit/e4a329814978934b2fda8fb92c2c14ebb42fa0b2
    • Implicitron can be used without the lpips library being present. https://github.com/facebookresearch/pytorch3d/commit/322c8f2f50bb95e9d89c47126e081cb57395d116

    Fixes

    • Implicitron visualization https://github.com/facebookresearch/pytorch3d/commit/c3a6ab02da3192aa18cda85d66d957a11aacfa10 https://github.com/facebookresearch/pytorch3d/commit/94f321fa3dd776da5edd1efa80e8a094ee5e6b02
    • Implicitron’s rasterize_mc https://github.com/facebookresearch/pytorch3d/commit/1706eb8216248e54f68cad86f7ea4125c79a3ca4
    • Implicitron’s voxel grid, especially its scaffold https://github.com/facebookresearch/pytorch3d/commit/a1f2ded58a502f0d65c86ff6c86f417689a5c8d4 https://github.com/facebookresearch/pytorch3d/commit/bea84a6fcd9bf35950f32868deb9fb5b540c4534 https://github.com/facebookresearch/pytorch3d/commit/f711c4bfe9b1e3dcc968c3182bfb563dc0299893
    • raysampling: The origins in a raybundle (which downstream code typically doesn’t use) were wrong when unit_directions=True https://github.com/facebookresearch/pytorch3d/commit/eff0aad15acf9125c1dae6820ae1414f783466f0

    Documentation

    • Fixes to readmes and readthedocs
    Source code(tar.gz)
    Source code(zip)
  • v0.7.1(Oct 23, 2022)

    This release brings a lot of fixes and improvements to implicitron.

    PyTorch 1.8 is no longer supported. We support from PyTorch 1.9.0 to PyTorch 1.12.1.

    New features

    • Marching cubes fixes to existing python implementation, and fast C++ implementation for when data is on CPU https://github.com/facebookresearch/pytorch3d/commit/0d8608b9f99ac53d95256e124eaf9126e00adef5 https://github.com/facebookresearch/pytorch3d/commit/850efdf7065c238d4d1294d375278318005fd098
    • New fisheye camera object. This involves a change to the API to allow such “nonlinear” cameras, i.e. those whose projection is not a projective transformation. In particular, get_projection_transform can now fail. https://github.com/facebookresearch/pytorch3d/commit/b0515e14615abe6e154f6dcf671ec8e54f29aaf4 https://github.com/facebookresearch/pytorch3d/commit/d19e6243d0294bf83a9f6debc6f55e14becf43b6 https://github.com/facebookresearch/pytorch3d/commit/84fa966643aa002b0075f3b4a0eddd22d1076a86 https://github.com/facebookresearch/pytorch3d/commit/8a96770dc28d393ebc2caacd18c7f5dfee8889a0

    Minor new features

    • get_se3_log function on Transform3D https://github.com/facebookresearch/pytorch3d/commit/9a0f9ae57280d5d38c9e59d0517599ccb834b81b
    • get_rotation_to_best_fit_xy in circle_fitting https://github.com/facebookresearch/pytorch3d/commit/74bbd6fd76742466bc28134c9b8dfb99e4a677af
    • Saving a mesh via IO to OBJ now includes TexturesUV texture https://github.com/facebookresearch/pytorch3d/commit/6ae6ff9cf73221ce60617ef4658b4892b986ba9d
    • Checkerboard mesh utility https://github.com/facebookresearch/pytorch3d/commit/ce3fce49d7ad1a680d8c9be660164d5f7a0bb976
    • Camera batches can now be indexed by bool tensors https://github.com/facebookresearch/pytorch3d/commit/b7c826b7863a4fb3c4ce0e10e5ed7400d32ed512
    • Implicitron: You can just use a Configurable class straight away, you no longer need to call expand_args_fields or get_default_args first. https://github.com/facebookresearch/pytorch3d/commit/d6a197be3662cdfa57a34e3134fea1bb04eb1614
    • Implicitron: In the newest pytorch versions, you can now use the faster foreach versions of optimizers https://github.com/facebookresearch/pytorch3d/commit/209c160a20ce4d87d4ca7a06f2975ba998765087
    • Implicitron: full_image variants of psnr, l1 and lpips losses (ignoring mask). The masked image ones are renamed to make this clear. https://github.com/facebookresearch/pytorch3d/commit/7b985702bb660110dc70c2b8c6e6ed0a1a6bcd66 https://github.com/facebookresearch/pytorch3d/commit/d35781f2d79ffe5a895025ec386c47f7d77c085c
    • Implicitron: Enable additional test-time source views for json dataset provider v2 https://github.com/facebookresearch/pytorch3d/commit/2ff2c7c836c2d47bb5b6fab57e7363862de6e423
    • Implicitron: Option for filtering outlier input cameras in trajectory estimation https://github.com/facebookresearch/pytorch3d/commit/d281f8efd1e52172256ecdf21e82c7547f235ef2
    • Implicitron: yaml configs to train selected methods on CO3Dv2 https://github.com/facebookresearch/pytorch3d/commit/1163eaab43af034ad36dce957511e32e6f7b8d62
    • Implicitron raymarcher replicate_last_interval option. https://github.com/facebookresearch/pytorch3d/commit/611aba9a202886cf493d841610ae21c27401b923
    • Mixed Frame Raysampling. You can now sample rays iid from a group of cameras, instead of a fixed number from each camera. This needed a new RayBundleHeterogeneous alternative to RayBundle. Implicitron now has its own raybundle object. https://github.com/facebookresearch/pytorch3d/commit/c311a4cbb93be458f8f48e7b269c6d3ee7fc2cf4 https://github.com/facebookresearch/pytorch3d/commit/ad8907d3738fbf4c80aa269954d1d8ba4f307530 https://github.com/facebookresearch/pytorch3d/commit/6ae863f301c66b82c8caf18e12cbae17d2620415

    Major bug fix

    • Implicitron: stratified_sampling no longer disabled https://github.com/facebookresearch/pytorch3d/commit/438c194ec61b34b377727c97d5922897546c581d https://github.com/facebookresearch/pytorch3d/commit/df36223ddf3b0bb75b9d9c080c5fe5dd940de34b

    Bug fixes

    • Cloned camera objects can now be saved with pickle and torch.save https://github.com/facebookresearch/pytorch3d/commit/efea540bbcab56fccde6f4bc729d640a403dac56
    • Fix implicitron iteration time measurement https://github.com/facebookresearch/pytorch3d/commit/dd58ded73d049aa3143ee48c0c288195412594ce
    • IOU3d fix for numerical stability https://github.com/facebookresearch/pytorch3d/commit/1bfe6bf20a1de877cc623d11c2eeed8c7091ae90
    • Update SMPL url https://github.com/facebookresearch/pytorch3d/commit/5e7707b157861fd6ddb0564b6a727f79ea76fd56
    • Implicitron doc fixes https://github.com/facebookresearch/pytorch3d/commit/fdaaa299a72eddbfff30a5f31fe2a643a2a4ca42 https://github.com/facebookresearch/pytorch3d/commit/4711d12a091ad31f51e761bee4a8cce7b4bab504
    • Implicitron reduction feature aggregation broadcasting fix https://github.com/facebookresearch/pytorch3d/commit/73ba66e4abb14abd328d2e96f572337e04770cda
    • Implicitron Fix for loading Co3Dv2’s point clouds https://github.com/facebookresearch/pytorch3d/commit/95a2acf7632241d09baff55e635e1e4904ed7505

    Performance improvements

    • Omit _check_valid_rotation_matrix by default https://github.com/facebookresearch/pytorch3d/commit/46cb5aaaae0cd40f729fd41a39c0c9a232b484c0
    • _compute_vertex_normals does less work https://github.com/facebookresearch/pytorch3d/commit/a65928dcb965b114f3239603106e2b8e7c52b1c0
    • Pulsar logging removed for performance gain https://github.com/facebookresearch/pytorch3d/commit/76234576868e96847097c6f6509f06a6fa9c0e5c
    • VolumeSampler memory saving https://github.com/facebookresearch/pytorch3d/commit/4c8338b00f4a5b9dab31df6cecb5d21ce7ee0285
    • Implicitron: Avoid extra CPU->GPU communication in raysampling https://github.com/facebookresearch/pytorch3d/commit/305cf32f6bfab02f735a938afed29d41d1759e4c
    • Mesh rasterization on CPU now uses multiple threads https://github.com/facebookresearch/pytorch3d/commit/6471893f59f2c844c844be949bb64cccdcc5fdaa

    Minor

    • In implicitron, there are components in progress for voxel-grid-based implicit functions: decoders, voxel grids, param groups https://github.com/facebookresearch/pytorch3d/commit/edee25a1e5385ae62f37995dee1b5960b2a5ea66 https://github.com/facebookresearch/pytorch3d/commit/e7c609f1980780e1a3df1525011425ffd5aa4e7a https://github.com/facebookresearch/pytorch3d/commit/fe5bdb2fb501199e2be915b8f65859a970bbfd60 https://github.com/facebookresearch/pytorch3d/commit/24f5f4a3e7faec460e25ab0c1690f7d8329f92a6
    • Implicitron config system fixes https://github.com/facebookresearch/pytorch3d/commit/4d9215b3b4851a209d24b19e4503360c08b42ea8 https://github.com/facebookresearch/pytorch3d/commit/da7fe2854eee7cdbba8b6c4b68065e857377591e https://github.com/facebookresearch/pytorch3d/commit/8339cf2610d3e1bbbe9ba4e86d65a216518ccceb
    • Implicitron error improvements https://github.com/facebookresearch/pytorch3d/commit/a607dd063efde73288a3ffbd9c70f5447235e4fb
    • Implicitron JsonIndexDataset fix for numpy.split warning https://github.com/facebookresearch/pytorch3d/commit/0b5def5257f53526ef81e1a83d462ef08af628d5
    • Doc fix for IOU https://github.com/facebookresearch/pytorch3d/commit/a2659e1730a37345d882222464180a20a2547905 https://github.com/facebookresearch/pytorch3d/commit/60808972b8b1bffa9df770529d52099bfc286a01
    • Doc fix for Implicitron base renderer https://github.com/facebookresearch/pytorch3d/commit/4711d12a091ad31f51e761bee4a8cce7b4bab504
    • pytorch3d.ops doc fixes https://github.com/facebookresearch/pytorch3d/commit/6653f4400b0f8cd6cd66d042c49c60be28d06edd
    • Lengths validation in chamfer and farthest_points https://github.com/facebookresearch/pytorch3d/commit/cb7bd33e7fd2c151a1676140ce7fb43ceb2b0663
    • Implicitron visualize_reconstruction and render_flyaround improvements and fixes https://github.com/facebookresearch/pytorch3d/commit/6e25fe8cb312d6fa07ea5d7acfb608104f040a2d https://github.com/facebookresearch/pytorch3d/commit/3b3306f9b4c0de111644ad9d2ac5ffdecc5ee17c https://github.com/facebookresearch/pytorch3d/commit/f6d43eaa62fffa350a20b65121ac4d08b90807eb https://github.com/facebookresearch/pytorch3d/commit/c79c954dea6a7fcfed6839df09cf1ea4ac8907b3
    • Implicitron compatibility with hydra 1.2 https://github.com/facebookresearch/pytorch3d/commit/90b758f7250239f353a046c9ef488ac8f17ecba1
    • Implicitron SimpleDataLoaderMapProvider sample batches without replacement https://github.com/facebookresearch/pytorch3d/commit/73ea4187dec669f75f141ec11bdf0aef6ba4fe37
    • Implicitron: visdom is now optional https://github.com/facebookresearch/pytorch3d/commit/ff933ab82b3fe63d67354714a58e8e3b497ebf00

    Internal

    • packed_to_padded now accepts all sizes https://github.com/facebookresearch/pytorch3d/commit/f34da3d3b6187b857a43cbf2dd5eeddf70833a3f
    • test_opengl_utils unfriendly test fixed https://github.com/facebookresearch/pytorch3d/commit/9a1213e0e534a14b5f907ec4a0033bd9954034ef
    • Implicitron: raybundle input to ImplicitFunctions has been made more consistent https://github.com/facebookresearch/pytorch3d/commit/72c3a0ebe59a7bc058c8f3a081ed9a2b7cb132bf
    • location logic factored out of Volumes into a new VolumeLocator class so it can be reused in other objects. https://github.com/facebookresearch/pytorch3d/commit/f825f7e42caebdc61dd11997b485d4a7ed577068
    • Sample_farthest_points uses CUB instead of a handwritten block reduction https://github.com/facebookresearch/pytorch3d/commit/8ea4da293846e64bee5cc99c8cb008888479947f
    • Implicitron: MLP and Transformer have moved as they are no-longer only used by nerf. https://github.com/facebookresearch/pytorch3d/commit/898ba5c53be04b1c3ffbd981fcdb8f79b31767f4
    • Cameras benchmarking https://github.com/facebookresearch/pytorch3d/commit/03562d87f5afd4004faff4f5d9a90261a62c8c7d
    • Removed wrappers for eigh, solve, lstsq, and qr because we now rely on PyTorch 1.9 or greater https://github.com/facebookresearch/pytorch3d/commit/d4a1051e0f9f93a2052487cb42e34fe6e1987f84
    Source code(tar.gz)
    Source code(zip)
  • v0.7.0(Aug 10, 2022)

    This release brings Implicitron and MeshRasterizerOpenGL. There are builds for PyTorch 1.12.0, but no longer 1.7.x.

    Large New Features

    • Implicitron, a framework for new-view synthesis via modeling neural-network based representations. See its README for an introduction.
    • MeshRasterizerOpenGL, a faster alternative to MeshRasterizer described in Cole et al.. The speedup, which grows with mesh size, is about 20x on a 2M-faces-large mesh. This rasterizer is designed to work with SplatterPhongShader, a new per pixel lighting model. To use it, you must have pycuda with the gl extension enabled, as well as pyopengl.

    New features

    • You can now choose to ignore the XY flip in cameras’ transform_points_screen commit
    • Fragments is now a dataclass with docstring and detach() commit
    • SoftDepthShader and HardDepthShader for rendering depth maps commit and commit
    • AmbientLights can now be used to render an arbitrary number of channels (not just RGB) commit

    Bug fixes

    • Fix for loading PLY files with heterogenous faces (e.g. mixture of triangles and quadrilaterals commit
    • Pointclouds.num_points_per_cloud now always returns a tensor commit
    • Chamfer fix for empty pointclouds commit

    For developers

    • We are now using black 22.3 or later
    • Tests should now be run from the pytorch3d root directory not the tests directory.

    Minor

    • In blending, pull common functionality into get_background_color commit
    • raising translated errors with from None so a simpler traceback is printed https://github.com/facebookresearch/pytorch3d/commit/8e0c82b89a96a1f1bed1ae5b84bd37524d0fe154
    • PnP test fix commit
    • fix test which had cuda indexes of a cpu tensor commit
    Source code(tar.gz)
    Source code(zip)
  • v0.6.2(Apr 28, 2022)

    This release brings new targets and many improvements.

    Builds for PyTorch 1.10.1, 1.10.2, 1.11.0, but no longer 1.6.0. Builds for Python 3.10 but no longer 3.6.

    New Features

    • MultinomialRaysampler and NDCMultinomialRaysampler replace GridRaysampler and NDCGridRaysampler commit which can sample using the new n_rays input and also bring stratified sampling along rays and direction normalization (also commit
    • Function join_cameras_as_batch commit
    • Function join_pointclouds_as_batch commit
    • Camera batches can be indexed commit and commit
    • Meshes.submesh function to take a set of faces from a mesh. commit and commit
    • L1 support for KNN and chamfer commit

    Bug fixes

    • Rasterizer.to broken without cameras commit
    • Joining batches of meshes with TexturesAtlas and TexturesUV broke first input meshes’ texture commit
    • Transform3D.stack was entirely broken. commit which also added typing.
    • The function cameras_from_opencv_projection always created on CPU #1021 commit
    • Batching didn’t work for AmbientLights #1043 commit
    • Pointclouds.subsample failed on windows #1015 commit
    • Fit_textured_meshes tutorial now turns off perspective_correct in the final optimization, to avoid nans. commit

    Improvements

    • Points_normals much faster through use of symeig workaround commit
    • A warning is now printed to console on rasterizer bin overflow commit

    Small improvements

    • MeshRendererWithFragments and matrix_to_axis_angle made more importable
    • FacePointDistance, FacePointDistance and point_mesh_face_distance get min_triangle_area argument commit - default also changed in commit
    • Fix for small faces in IoU3D commit
    • Lower the epsilon value in the IoU3D commit
    • Flexible background color for point compositing commit and commit
    • In points_to_volumes, the rescaling of features is now optional. commit
    • LinearWithRepeat layer clarified and moved inside PyTorch3D from the NeRF project commit
    • HarmonicEmbedding moved inside pytorch3d from projects/nerf. commit and commit
    • Invalid default values in Meshes.init removed commit
    • Support obj files missing usemtl declarations commit
    • CamerasBase.unproject_points typing commit
    • Fix for Pointclouds.init in certain cases with None in a list commit
    • Consistency validation for sampling_mode in joining TexturesUV commit
    • Doc fix for camera space fix from v0.6.1 commit
    • Doc fix for renderer pictures commit
    • New ndc_grid_sample to handle grid-sampling using our NDC conventions commit
    • Fix scatter_ error in cubify on CPU commit
    • In Transform3D, fix some dtype inconsistencies commit
    • Fixes to make windows builds happier commit

    Internal

    • Rename pytorch3d.common.types to pytorch3d.common.datatypes commit
    • Cleanup in ply_io commit
    • A major new feature, a framework for new-view synthesis via modeling neural-network based representations, called implicitron, is work in progress.
    • We now use usort not isort for sorting imports.
    • Future proofing calls to torch.meshgrid commit and symeig commit also commit. Also future proofing tests for a change to autograd behaviour that inplace operations don’t need to return the same object commit
    • Future proofing for the loss of TH headers in pytorch (needed for PyTorch 1.11) commit and commit
    • Base class for shaders introduced commit
    Source code(tar.gz)
    Source code(zip)
  • v0.6.1(Dec 16, 2021)

    This release brings PyTorch 1.10 builds and numerical fixes and improvements

    Large fixes

    • Raysampling now works with non-square image conventions commit
    • Perspective_correct mesh rasterization calculation is protected against divide-by-zero. This fixes quite a number of bug reports, e.g. #561. commit

    Breaking changes

    • This commit makes camera code more consistent in behaving like align_corners=False everywhere, by removing some extra -1’s in the code for screen space conversion. (1) If you create a camera in screen coordinates, i.e. setting in_ndc=False, then anything you do with the camera which touches NDC space may be affected, including trying to use renderers. The transform_points_screen function will not be affected. (2) If you call the function “transform_points_screen” on a camera defined in NDC space then results will be different.

    Bug fixes

    • Raysampling now works with cameras defined in screen space. commit.
    • Pointclouds.inside_box is now properly reduced rather than returning separate results per axis. commit
    • PulsarPointsRenderer fixed with non-square cameras commit
    • Functions clone and detach on TexturesUV properly propagate align_corners and padding_mode options. commit
    • Fixing default arguments of add_points_features_to_volume_densities_features commit
    • Fix opencv camera conversion for non-square images (affects pulsar) commit

    Small improvements

    • Some matrix conversions are now traceable with torch.jit. commit
    • Fixes to compiled code to make windows builds happier commit commit
    • A new set of tests, test_camera_pixels, illustrates the precise mapping of pixels for cameras. commit
    • Numerical improvements in IOU calculation commit and commit
    • New option on TexturesUV to choose sampling_mode. commit
    • The plotly visualization will show face colors from a TexturesAtlas with K=1 commit

    Internal

    • Benchmarks have been moved to tests/benchmarks commit
    • Spelling commit
    • Some more type annotations for Pointclouds commit
    • Test fixes commit
    • Special implementation of eigenvalue calculation for 3x3 matrices which can be faster and more reliable than native PyTorch. Currently not used commit
    Source code(tar.gz)
    Source code(zip)
  • v0.6.0(Oct 6, 2021)

    This release contains several new optimized operations related to point clouds.

    New features

    • Farthest point sampling here, here and here
    • Ball query operation. commit
    • Sample_pdf importance sampling operation, implemented with a CUDA kernel. Previously in Python in the NeRF project. here and here
    • Fast accurate calculation of Intersection over union for 3D boxes. See note. here, here and here
    • Subsample method for Pointclouds commit
    • Adding point clouds to volumes is now implemented in C++/CUDA, which means it can always operate inplace here, here and here

    Breaking changes

    • This commit removes _xy_grid from the saved state of the GridRaySampler module, if the PyTorch version is 1.6.0 or higher. This means that you will get errors if you try to load a model saved with such a module by an older version of PyTorch3D (unless strict==False). Similarly the NeRF project’s HarmonicEmbedding no longer stores _frequencies.
    • PyTorch 1.5.0 or above is now required.

    Bug fixes

    • Fix duplicate arguments errors when cameras are specified in certain places commit
    • Fix to join_scene for meshes using TexturesUV, which picked the wrong verts_uvs in certain cases commit
    • Fix to edge cases when creating TexturesAtlas. commit
    • Points to volumes fix when the grid_sizes are not specified. commit

    Small improvements

    • Making the rasterizer deterministic if there are ties between faces commit
    • The function so3_log_map is now torchscriptable commit
    • The GridRaySampler change means it can be reused at different image sizes. commit
    • More documentation in the renderer, with RasterizationSettings and PointRasterizationSettings being dataclasses commit and here
    • Ability to save colors as 8bit (i.e. uint8) when writing data to PLY files commit

    Internal

    • Coarse rasterization code has been reorganized here, here and here
    Source code(tar.gz)
    Source code(zip)
  • v0.5.0(Aug 5, 2021)

    This release includes several very significant bug fixes and performance improvements as well as some new features for rendering, dataloading and visualization. Please read the breaking changes carefully and update your code accordingly for this new PyTorch3D version.

    Breaking changes

    • This commit changes the cameras objects and will affect you if (a) you use a cameras object with non-square images, (b) you call the transform_points_screen method, (c) you initialise a cameras object in screen space, i.e. you have been specifying image_size. See here for more details on the changes and how to update your code.
    • The functions random_rotations, random_rotation and random_quaternions no longer have a potentially confusing requires_grad parameter. | commit
    • The call pytorch3d.loss.mesh_laplacian_smoothing.laplacian_cot(meshes) should now be pytorch3d.ops.cot_laplacian(meshes.verts_packed(), meshes.faces_packed()) | commit

    New deprecations

    • The function so3_exponential_map deprecated in favor of new function so3_exp_map | commit

    New features

    • Cameras can be defined and used regardless of coordinate system conventions. They can be defined in NDC or screen space and are converted appropriately to interface with the PyTorch3D renderers according to their conventions | commit
    • The standard mesh laplacian calculation has been added and now all three laplacians (standard, cot, norm) live in pytorch3d.ops.laplacian_matrices | commit
    • RayBundles can be viewed in plotly_vis | commit
    • Support for the OFF file format for loading meshes | commit
    • Experimental support for loading some glTF files | commit
    • PLY format now supports mesh vertex colors, i.e. TexturesVertex | commit
    • Saving a mesh to an OBJ file can include TexturesUV data | commit
    • User can now specify vertex normals explicitly on a Meshes object | commit
    • Pointcloud normals and mesh vertex normals can now be saved to and loaded from PLY files
    • New rotate_on_spot function to relatively rotate a camera position | commit
    • New AmbientLights object for ambient-only lighting | commit
    • Updated the alpha channel in the hard_rgb_blend function to return the mask of the pixels which have overlapping mesh faces | commit
    • Camera conversions from and to OpenCV cameras
    • SE3 exponential and logarithm maps | commit
    • TensorProperties classes (e.g. Pointclouds and Cameras) now have a cuda() function. | commit

    Internal-facing new features

    • New linearly extrapolated acos function | commit
    • New custom 3x3 determinant calculation | commit
    • New function Meshes.has_verts_normals | commit
    • Features for enhanced type safety

    Bug fixes

    • Fix to cotcurv method of the mesh_laplacian_smoothing | commit When a Transform3D is constructed without specifying the device but with tensor data input (e.g. a rotation matrix), it will now default to the device of the tensor. | commit
    • Fix to frustrum culling when z_clip_value=None | commit
    • Fix to mesh rendering when frustrum culling culls everything | commit
    • Mesh renderer stability with very small faces | commit
    • Transform3d.to() now works to change dtype without changing device | commit
    • Multiple issues with shape broadcasting in lighting, shading and blending | commit
    • Rendering a nonsquare image when the H and W are not integer multiples commit
    • Fix to pulsar non-square image rendering | commit
    • Pulsar cameras now more reliably match PyTorch3D ones | commit
    • Pulsar gradient now calculated when no other gradient is needed | commit
    • TensorProperties classes (e.g. Pointclouds and Cameras) will always remember their device if the default cuda device changes. | commit
    • Now matrix_to_quaternion is correct for rotations by 180˚ | commit
    • In tutorials: updates for changes to PyTorch | commit (avoiding gradients) and numpy | commit. Load tutorial utils correctly on Colab | commit
    • Fix to subsampling multiple large pointclouds for plotly visualization | commit
    • Fix bug when join_batch is used to join meshes with TexturesVertex | commit
    • PLY files with uint8 colors are now scaled correctly | commit
    • Fix save_ply with noncontiguous faces | commit
    • Fix to ShapeNet dataloader: works when not loading textures, install will not miss the json files | commit
    • Calling extend() with a user’s subclass of a Textures object respects the subclass (#618) | commit
    • TexturesUV.join_scene works with any number of channels | commit
    • Documentation updates for Volume renderer and RayBundle

    Small improvements including speedups

    • Improved so3 functions to make gradient computation stable | commit
    • Mesh normal consistency speedup | commit
    • Add error checks when texture objects are inconsistent with their meshes | commit
    • Speedup checking density bounds in volume renderer | commit
    • More validation of a list of texture maps | commit
    • Transform3D avoids gradient calculation when checking rotation matrix | commit
    • Avoid recalculating normals when a mesh is scaled or translated
    • When TexturesUVs have a list of maps and some are identical, a subsequent join_scene will detect this and not duplicate the data | commit
    Source code(tar.gz)
    Source code(zip)
  • v0.4.0(Feb 9, 2021)

    Changelog

    The key new features in this release is support for Implicit/Volume Rendering. This includes several methods for sampling camera rays and marching along the rays in order to render their color. We further introduce support for voxel grids. To this end, we implemented a new Volumes structure and methods for converting between Pointclouds and Volumes. The rendering of implicit surfaces as well as voxel grids has been showcased in two new tutorial jupyter notebooks.

    We are also introducing a new projects folder with an implementation of NeRF. We plan to add more examples of papers which can be implemented using components from PyTorch3D.

    Key features

    • Volumes Datastructure | commit
    • Raysamplers: GridRaysampler, MonteCarloRaysampler, NDCGridRaysampler; RayBundle datastructure | commit Raymarchers: AbsorptionOnlyRaymarcher, EmissionAbsorptionRaymarcher | commit
    • Implicit/Volume Renderer | commit
    • Pointclouds to Volumes conversion | commit

    Projects

    • Reimplementation of NeRF | commit

    Additional new features

    • Taubin Smoothing for Meshes | commit
    • Non Square Image Rasterization for Meshes | commit
    • Non Square Image Rasterization for Pointclouds | commit
    • Naive PyTorch version of Marching Cubes | commit
    • New Pluggable Data Loading API | commit

    New Tutorials

    • Fit Textured Volume | commit
    • Fit Neural Radiance Field | commit

    Small Updates

    • Change io functions to use iopath | commit
    • Read heterogenous nonlist PLY properties as arrays | commit
    • Update the MeshRasterizer to automatically infer the camera type and set the perspective_correct setting for correcting barycentric coordinates after rasterization | commit

    Bug Fixes

    • Rasterization of mesh faces partially behind the image plane
      • Full fix which clips meshes at specified z value prior to rasterization instead of only culling. | commit1, commit2
      • Introduced two new rasterization settings (z_clip_value, cull_to_frustum) | commit
    • Check for verts/faces in Meshes to be on the same device | commit
    • Fix for index error with Texture Atlas sampling | commit

    Builds

    • For Linux, instead of uploading wheels to PyPI which will only work with one particular version of PyTorch and CUDA, we now provide a range of built wheels on S3. Refer to INSTALL.md for instructions on how to download and install.
    Source code(tar.gz)
    Source code(zip)
  • v0.3.0(Nov 11, 2020)

    Changelog

    The key new feature in this release is support for Pulsar as an alternative backend for point cloud rendering. Pulsar is a highly tuned backend with better scaling performance than the default backend but with less flexibility: it does not have support for custom rasterizers and compositors. It can be used for scenes with millions of spheres and up to 4K resolution and supports opacity optimization.

    Additional new features

    • Plotly functions for visualization | commit
      • Support for rendering batches of meshes/cameras/pointclouds
      • Support for viewing plotly plots from PyTorch3D Cameras point-of-view
      • plot_scene function
    • Extend sample_points_from_meshes to support sampling textures | commit
    • corresponding_cameras_alignment function that estimates a similarity transformation between two sets of cameras | commit
    • Support for variable size point radius in the pointcloud rasterizer | commit
    • save_ply now by default saves to binary instead of ascii. An option makes the previous functionality available | commit
    • Functions to convert to and from axis-angle representation of rotations | commit
    • Visualization functions for the TexturesUV class | commit

    New tutorials

    • Rendering DensePose Data with PyTorch3D | commit1, commit2
    • Updates to Pointcloud and Mesh rendering tutorials | commit

    Small updates

    • Fixes to support multigpu rendering | commit
    • Support texture atlas loading for .obj files with meshes which only have material properties | commit
    • Add support for changing the background color in Pointcloud compositors | commit
    • Add support for returning the fragments from the output of the MeshRenderer | commit
    • Support for axis angle representation of rotations | commit

    Bug Fixes

    • Fixed corner case in look_at_view_transform | commit
    • Fixed softmax_rgb_blend with mesh is outside zfar | commit
    • Fixed corner case in matrix_to_quaternion function | commit

    Misc

    The introduction of Pulsar adds the NVIDIA CUB library as a build-time dependency.

    Source code(tar.gz)
    Source code(zip)
  • v0.2.5(Aug 28, 2020)

    Changelog

    New features

    • Data loaders for common 3D datasets
    • New texturing API -Separate classes: TexturesVertex, TexturesUV, TexturesAtlas | commit
      • Existing Textures class is now deprecated and will be removed in the next release.
    • Cameras API refactor
      • Renaming and restructure to have consistency across all classes | commit
      • Cameras have been renamed as follows: OpenGLPerspectiveCameras -> FoVPerspectiveCameras OpenGLOrthographicCameras -> FoVOrthographicCameras SfMPerspectiveCameras -> PerspectiveCameras SfMOrthographicCameras -> OrthographicCameras
      • All cameras now output projected values in NDC with the option to provide params in screen coordinates and convert them to NDC.
      • Refer to the new note cameras.md for more detailed information.
    • Barycentric clipping in CUDA
      • Move barycentric clipping from PyTorch to CUDA for increased efficiency. Now available as a rasterization setting clip_barycentric_coords. | commit
    • One new representation for rotations
      • Conversions to and from Zhou et al 6d rotation represention | commit
    • Customizable Background color
      • Option added to HardPhongShader, HardGouraudShader, and HardFlatShader | commit
    • Joining several meshes to render a single scene
      • New join_meshes_as_scene function which also supports joining textures | commit1, commit2
    • CUDA op for interpolating face attributes
      • Functionality which was in python moved to cuda https://github.com/facebookresearch/pytorch3d/commit/26d2cc24c1382047a81dd182f9621a17184e0a95
    • Gather scatter on CPU | commit
    • C++/CUDA implementations of sigmoid/softmax blending functions | commit 1
    • C++ implementations for point-to-mesh distance functions | commit
    • detach method for Meshes, Pointclouds and Textures | commit
    • Support for multiple align_modes in the Cubify operator | commit
    • Texture maps (i.e. the TexturesUV class) now has align_corners and padding_mode customizable, and the default has changed to align_corners=True. | commit

    New tutorials:

    • Data loading with ShapeNetCore and R2N2 dataloaders | commit
    • Fitting a textured mesh from multiview images | commit

    Small updates

    • Compatibility with PyTorch 1.6
    • Flag to make sorting optional in KNN https://github.com/facebookresearch/pytorch3d/commit/806ca361c0d701e0269070e4d58be55e99d3b70e
    • update_padded method on meshes
      • Other optimizations use this | commit

    Bug Fixes:

    • Temporary fix for rendering from inside a surface results in uninterpretable images | [issue][commit](https://github.com/facebookresearch/pytorch3d/commit/9aaba0483c08c9a40c26db0858f8c0688f33e850)
      • This fix culls all face which are partially behind the image plane
    • Scaling Pointclouds by a scalar now works | commit
    • SO3 log map fix for singularity at PI | commit
    • Join mismatched texture maps on CUDA | commit
    • Flat shading fix | commit
    • Efficiency PnP bug fix | commit
    • look_at_transform now gives the correct location of the camera when the object at location is not at (0,0,0) | commit
    • Rendering a batch of meshes with texture maps now correct for all members of the batch #283 | commit
    • Extending meshes with texture maps where the verts and the verts_uvs have different lengths is now correct commit

    Breaking Changes

    • Unused parameter composite_params removed from compostor classes | commit
    • Textures has now moved: (prev) from pytorch3d.structures import Textures -> (new) from pytorch3d.renderer import TexturesUV, TexturesVertex, TexturesAtlas. In addition due to the new texturing API, the generic Textures class will be deprecated in the next release (it is still currently available to be imported from pytorch3d.renderer)
    Source code(tar.gz)
    Source code(zip)
  • v0.2.0(Apr 27, 2020)

    Changelog

    New Features

    • Pointclouds Datastructure | https://github.com/facebookresearch/pytorch3d/commit/767d68a3af16b22f70dde29537334a51f98c75d6
      • Support for batches of pointclouds with additional helper methods e.g. get_bounding_boxes
    • Pointclouds rendering | https://github.com/facebookresearch/pytorch3d/commit/53599770dd642f0bc59a6554bd7c46e4a8044334
      • C++, CUDA and Python implementations of Pointcloud rendering with heterogeneous pointclouds. Exposed via Rasterizer, Renderer and Compositor Pytorch Classes with 3 types of Compositors available. A jupyter notebook tutorial has also been added.
    • Umeyama - estimate a rigid motion between two sets of corresponding points. | https://github.com/facebookresearch/pytorch3d/commit/e5b1d6d3a3614749d2ddcae9b42e50869c8266a2
    • Weighted Umeyama | https://github.com/facebookresearch/pytorch3d/commit/e37085d9990bf94c7fcee6a9df5dc8db35391608
    • Iterative Closest Point Algorithm | https://github.com/facebookresearch/pytorch3d/commit/8abbe22ffbc306b7be0e2e09ba1ce167430f2c7f
    • Efficient PnP algorithm to Fit 2D to 3D correspondences under perspective assumption | https://github.com/facebookresearch/pytorch3d/commit/04d8bf6a435da136331cdb33be3f5cf85a678e2c
    • Pointcloud normal estimation | https://github.com/facebookresearch/pytorch3d/commit/365945b1fd097a4eed391843408c31e86f8592cb
      • Supports batches of pointclouds
      • Also available on the Pointclouds datastructure as a method estimate_normals
    • Point to Mesh distances | https://github.com/facebookresearch/pytorch3d/commit/487d4d6607a60a8be7135b334137985f40953a92
      • Python, C++ and Cuda implementations of Point to Triangle Face, Face to point algorithms including array versions
    • K nearest neighbors
      • Multiple KNN methods for pointclouds based on the input parameters | https://github.com/facebookresearch/pytorch3d/commit/870290df345873492d88f70b942893cd3b5deb87
      • KNN with heterogeneous pointclouds (i.e different numbers of points) | https://github.com/facebookresearch/pytorch3d/commit/01b5f7b228378b6d12eaa78b86fb5215d6b4eec7
      • Autograd wrapper for KNN including backward pass for distances | https://github.com/facebookresearch/pytorch3d/commit/b2b0c5a4426bb907517452a6fe643eda39dd73c8
        • knn_points function to return the neighbor points and distances
        • knn_gather function to allow gathering of additional features based on the knn indices

    Updates to existing Operators

    • Chamfer loss support for heterogeneous pointclouds | https://github.com/facebookresearch/pytorch3d/commit/790eb8c4020994a673033cc9b1fe92caad6281ac
      • Support for chamfer loss for two batches of pointclouds where each pointcloud in the batch can have different numbers of points
    • Vert align for pointcloud objects | https://github.com/facebookresearch/pytorch3d/commit/f25af9695999133667ee76734c3139465b445a6a
    • Cameras
      • unproject_points function to convert from screen to world coordinates | https://github.com/facebookresearch/pytorch3d/commit/365945b1fd097a4eed391843408c31e86f8592cb
      • look_at_transform update to enable specifying the eye (camera center) directly | https://github.com/facebookresearch/pytorch3d/commit/2480723adf1ce8a5cfca5c190f5fba7a48549f75
    • Transforms3D update to allow init of Transforms3D class with a custom matrix | https://github.com/facebookresearch/pytorch3d/commit/90dc7a08568072375fe9f7ecc3201618fba86287
    • Mesh Rendering update to enable back face culling in rasterization - this is available as a cull_backfaces boolean setting in raster_settings | https://github.com/facebookresearch/pytorch3d/commit/4bf30593ffc5488a03c75a16dd118013f5d0eb5e
    • Mesh loading - update to load_obj to support loading textures as per face textures [following the approach from SoftRasterizer]. There is a new boolean argument called 'create_texture_atlasfor theload_obj` function to enable this | https://github.com/facebookresearch/pytorch3d/commit/c9267ab7af0f72217a1ee1a0b37941a5c8fdb325
    • join_meshes_as_batch method to create a batch of meshes from a list of Meshes objects | https://github.com/facebookresearch/pytorch3d/commit/b64fe5136002b94caaaa97720b19fc8b3ba8da3c

    Bug Fixes

    • nan check in sample points from meshes | https://github.com/facebookresearch/pytorch3d/commit/6c48ff6ad9005cfc03704c77531a4a25d1c8d843
    • Texturing function reshape/view fixes | https://github.com/facebookresearch/pytorch3d/commit/5d3cc3569a03f44647857243efd0d80588a6785b
    • SfMPerspectiveCameras projection matrix - add the principal points after the perspective divide | https://github.com/facebookresearch/pytorch3d/commit/677b0bd5aecb3069e3e8d4de41656f786cfa4312
    • Enable cuda kernels to be laucnhed on any GPU (not just the default) | https://github.com/facebookresearch/pytorch3d/commit/c3d636dc8c68cb2fd36b32d8dcc4bad27e2a551b

    Breaking changes

    • Nearest neighbors implementation has been entirely removed - use KNN instead. | https://github.com/facebookresearch/pytorch3d/commit/3794f6753fd773fcc5a527c5ce2ce1fd2783f4c2
    • There are some changes to the interface of chamfer_distance to cope with heterogenous point clouds. | https://github.com/facebookresearch/pytorch3d/commit/790eb8c4020994a673033cc9b1fe92caad6281ac
    • The function join_meshes has been renamed to join_meshes_as_batch | https://github.com/facebookresearch/pytorch3d/commit/b64fe5136002b94caaaa97720b19fc8b3ba8da3c
    Source code(tar.gz)
    Source code(zip)
  • v0.1.1(Mar 8, 2020)

    Changelog

    New features:

    • load_textures boolean parameter for load_obj function | https://github.com/facebookresearch/pytorch3d/commit/659ad34389d47bf13f37a340a18a5784ad9b2695
    • Single function to load mesh and texture data from OBJs. | https://github.com/facebookresearch/pytorch3d/commit/8fe65d5f560611f4f60b8ea549b6bf7e75e3ae7f
    • Cpu implementations for
      • Nearest neighbor | https://github.com/facebookresearch/pytorch3d/commit/e290f87ca949c077803d2da02c48173607ce70e4
      • Face Areas Normals | https://github.com/facebookresearch/pytorch3d/commit/e290f87ca949c077803d2da02c48173607ce70e4
      • Packed to padded tensor | https://github.com/facebookresearch/pytorch3d/commit/e290f87ca949c077803d2da02c48173607ce70e4
    • Mesh Rendering
      • Flat Shading for meshes | https://github.com/facebookresearch/pytorch3d/commit/ff19c642cb22a5b6a073d611e593baa836e5ebe4
      • Barycentric clipping before z buffer and texture interpolation | https://github.com/facebookresearch/pytorch3d/commit/ff19c642cb22a5b6a073d611e593baa836e5ebe4
    • Support for building with windows | https://github.com/facebookresearch/pytorch3d/commit/9e21659fc5a26c427cbb186d55c84e6f8e8bc21d

    Bug fixes:

    • Several documentation, installation and correctness fixes including: expsumlog in soft blending replaced with torch.prod which makes soft blending backward pass stable | https://github.com/facebookresearch/pytorch3d/commit/ba11c0b59cb53d50dc5f50e0e0148b3f2e43f39f
    • Fix matrix convention for rotations in Tranforms3D | https://github.com/facebookresearch/pytorch3d/commit/8301163d2466799ba932eae9ff7170110711bff6
    • Rendering flipping - the y axis flip in the blending functions has been removed and the rasterization step has been updated to ensure the directions of the axes are correct in the rendered image. The documentation for the renderer has been updated with the convention for world and camera coordinates. | https://github.com/facebookresearch/pytorch3d/commit/15c72be444fab0d1ba6879d097399b12f6a2a8b0

    Breaking changes

    • The spelling of /Gourad/ has been fixed to /Gouraud/. | https://github.com/facebookresearch/pytorch3d/commit/9ca5489107ce887875cb4c24059c8810119ebe11
    • Shaders have been renamed to make clear if they are Hard or Soft (probabilistic) | https://github.com/facebookresearch/pytorch3d/commit/f0dc65110aa9687e83712950f6d47b280761f078
    Source code(tar.gz)
    Source code(zip)
Official pytorch implementation of paper Dual-Level Collaborative Transformer for Image Captioning (AAAI 2021).

Dual-Level Collaborative Transformer for Image Captioning This repository contains the reference code for the paper Dual-Level Collaborative Transform

lyricpoem 160 Dec 11, 2022
Twins: Revisiting the Design of Spatial Attention in Vision Transformers

Twins: Revisiting the Design of Spatial Attention in Vision Transformers Very recently, a variety of vision transformer architectures for dense predic

482 Dec 18, 2022
source code and pre-trained/fine-tuned checkpoint for NAACL 2021 paper LightningDOT

LightningDOT: Pre-training Visual-Semantic Embeddings for Real-Time Image-Text Retrieval This repository contains source code and pre-trained/fine-tun

Siqi 65 Dec 26, 2022
Efficient Multi Collection Style Transfer Using GAN

Proposed a new model that can make style transfer from single style image, and allow to transfer into multiple different styles in a single model.

Zhaozheng Shen 2 Jan 15, 2022
Code for DeepCurrents: Learning Implicit Representations of Shapes with Boundaries

DeepCurrents | Webpage | Paper DeepCurrents: Learning Implicit Representations of Shapes with Boundaries David Palmer*, Dmitriy Smirnov*, Stephanie Wa

Dima Smirnov 36 Dec 08, 2022
TaCL: Improving BERT Pre-training with Token-aware Contrastive Learning

TaCL: Improving BERT Pre-training with Token-aware Contrastive Learning Authors: Yixuan Su, Fangyu Liu, Zaiqiao Meng, Lei Shu, Ehsan Shareghi, and Nig

Yixuan Su 79 Nov 04, 2022
Implementation of Squeezenet in pytorch, pretrained models on Cifar 10 data to come

Pytorch Squeeznet Pytorch implementation of Squeezenet model as described in https://arxiv.org/abs/1602.07360 on cifar-10 Data. The definition of Sque

gaurav pathak 86 Oct 28, 2022
TilinGNN: Learning to Tile with Self-Supervised Graph Neural Network (SIGGRAPH 2020)

TilinGNN: Learning to Tile with Self-Supervised Graph Neural Network (SIGGRAPH 2020) About The goal of our research problem is illustrated below: give

59 Dec 09, 2022
Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021)

T2Net Task Transformer Network for Joint MRI Reconstruction and Super-Resolution (MICCAI 2021) [Paper][Code] Dependencies numpy==1.18.5 scikit_image==

64 Nov 23, 2022
Release of SPLASH: Dataset for semantic parse correction with natural language feedback in the context of text-to-SQL parsing

SPLASH: Semantic Parsing with Language Assistance from Humans SPLASH is dataset for the task of semantic parse correction with natural language feedba

Microsoft Research - Language and Information Technologies (MSR LIT) 35 Oct 31, 2022
Woosung Choi 63 Nov 14, 2022
​TextWorld is a sandbox learning environment for the training and evaluation of reinforcement learning (RL) agents on text-based games.

TextWorld A text-based game generator and extensible sandbox learning environment for training and testing reinforcement learning (RL) agents. Also ch

Microsoft 983 Dec 23, 2022
FactSeg: Foreground Activation Driven Small Object Semantic Segmentation in Large-Scale Remote Sensing Imagery (TGRS)

FactSeg: Foreground Activation Driven Small Object Semantic Segmentation in Large-Scale Remote Sensing Imagery by Ailong Ma, Junjue Wang*, Yanfei Zhon

Kingdrone 43 Jan 05, 2023
A visualization tool to show a TensorFlow's graph like TensorBoard

tfgraphviz tfgraphviz is a module to visualize a TensorFlow's data flow graph like TensorBoard using Graphviz. tfgraphviz enables to provide a visuali

44 Nov 09, 2022
Spam your friends and famly and when you do your famly will disown you and you will have no friends.

SpamBot9000 Spam your friends and family and when you do your family will disown you and you will have no friends. Terms of Use Disclaimer: Please onl

DJ15 0 Jun 09, 2022
Graph Robustness Benchmark: A scalable, unified, modular, and reproducible benchmark for evaluating the adversarial robustness of Graph Machine Learning.

Homepage | Paper | Datasets | Leaderboard | Documentation Graph Robustness Benchmark (GRB) provides scalable, unified, modular, and reproducible evalu

THUDM 66 Dec 22, 2022
Minimisation of a negative log likelihood fit to extract the lifetime of the D^0 meson (MNLL2ELDM)

Minimisation of a negative log likelihood fit to extract the lifetime of the D^0 meson (MNLL2ELDM) Introduction The average lifetime of the $D^{0}$ me

Son Gyo Jung 1 Dec 17, 2021
Deep Learning Datasets Maker is a QGIS plugin to make datasets creation easier for raster and vector data.

Deep Learning Dataset Maker Deep Learning Datasets Maker is a QGIS plugin to make datasets creation easier for raster and vector data. How to use Down

deepbands 25 Dec 15, 2022
Source code, datasets and trained models for the paper Learning Advanced Mathematical Computations from Examples (ICLR 2021), by François Charton, Amaury Hayat (ENPC-Rutgers) and Guillaume Lample

Maths from examples - Learning advanced mathematical computations from examples This is the source code and data sets relevant to the paper Learning a

Facebook Research 171 Nov 23, 2022
WaveFake: A Data Set to Facilitate Audio DeepFake Detection

WaveFake: A Data Set to Facilitate Audio DeepFake Detection This is the code repository for our NeurIPS 2021 (Track on Datasets and Benchmarks) paper

Chair for Sys­tems Se­cu­ri­ty 27 Dec 22, 2022