warp-lang 1.7.1__py3-none-manylinux_2_34_aarch64.whl → 1.7.2__py3-none-manylinux_2_34_aarch64.whl
This diff represents the content of publicly available package versions that have been released to one of the supported registries. The information contained in this diff is provided for informational purposes only and reflects changes between package versions as they appear in their respective public registries.
Potentially problematic release.
This version of warp-lang might be problematic. Click here for more details.
- warp/bin/warp-clang.so +0 -0
- warp/bin/warp.so +0 -0
- warp/builtins.py +92 -56
- warp/codegen.py +31 -22
- warp/config.py +1 -1
- warp/context.py +106 -49
- warp/fem/cache.py +1 -1
- warp/jax_experimental/ffi.py +95 -66
- warp/native/builtin.h +91 -65
- warp/native/svd.h +59 -49
- warp/native/tile.h +46 -17
- warp/native/volume.cpp +2 -2
- warp/native/volume_builder.cu +33 -22
- warp/render/render_opengl.py +22 -17
- warp/render/render_usd.py +3 -3
- warp/sim/model.py +29 -21
- warp/sparse.py +1 -1
- warp/stubs.py +72 -24
- warp/tests/cuda/test_streams.py +1 -1
- warp/tests/sim/test_model.py +5 -3
- warp/tests/sim/test_sim_grad.py +1 -8
- warp/tests/test_array.py +8 -7
- warp/tests/test_atomic.py +181 -2
- warp/tests/test_builtins_resolution.py +38 -38
- warp/tests/test_fem.py +20 -6
- warp/tests/test_func.py +1 -1
- warp/tests/test_mat.py +46 -16
- warp/tests/test_struct.py +116 -0
- warp/tests/tile/test_tile.py +27 -0
- warp/tests/tile/test_tile_load.py +27 -0
- warp/types.py +42 -1
- {warp_lang-1.7.1.dist-info → warp_lang-1.7.2.dist-info}/METADATA +26 -16
- {warp_lang-1.7.1.dist-info → warp_lang-1.7.2.dist-info}/RECORD +36 -36
- {warp_lang-1.7.1.dist-info → warp_lang-1.7.2.dist-info}/WHEEL +1 -1
- {warp_lang-1.7.1.dist-info → warp_lang-1.7.2.dist-info}/licenses/LICENSE.md +0 -0
- {warp_lang-1.7.1.dist-info → warp_lang-1.7.2.dist-info}/top_level.txt +0 -0
|
@@ -274,6 +274,32 @@ def test_tile_load_aligned_offset_unaligned_size(test, device):
|
|
|
274
274
|
assert_np_equal(output_array.numpy()[TILE_WIDTH:, :], np.zeros((remaining_height, TILE_M)))
|
|
275
275
|
|
|
276
276
|
|
|
277
|
+
@wp.kernel
|
|
278
|
+
def test_tile_load_stride_unaligned_kernel(input: wp.array2d(dtype=wp.float32), output: wp.array2d(dtype=wp.float32)):
|
|
279
|
+
tile = wp.tile_load(input, shape=(4, 4))
|
|
280
|
+
wp.tile_store(output, tile)
|
|
281
|
+
|
|
282
|
+
|
|
283
|
+
# regression test for float4 aligned tiles that load from a source array with an incommensurate stride
|
|
284
|
+
def test_tile_load_stride_unaligned(test, device):
|
|
285
|
+
DIM = 5
|
|
286
|
+
input_np = np.eye(DIM) * 2.0
|
|
287
|
+
input_array = wp.array(input_np, dtype=wp.float32, device=device)
|
|
288
|
+
output_array = wp.zeros_like(input_array)
|
|
289
|
+
|
|
290
|
+
wp.launch_tiled(
|
|
291
|
+
test_tile_load_stride_unaligned_kernel,
|
|
292
|
+
dim=(1, 1),
|
|
293
|
+
inputs=[input_array],
|
|
294
|
+
outputs=[output_array],
|
|
295
|
+
block_dim=TILE_DIM,
|
|
296
|
+
device=device,
|
|
297
|
+
)
|
|
298
|
+
|
|
299
|
+
input_np[DIM - 1, DIM - 1] = 0.0
|
|
300
|
+
assert_np_equal(output_array.numpy(), input_np)
|
|
301
|
+
|
|
302
|
+
|
|
277
303
|
# ----------------------------------------------------------------------------------------
|
|
278
304
|
|
|
279
305
|
TILE_SIZE = 4
|
|
@@ -485,6 +511,7 @@ add_function_test(
|
|
|
485
511
|
test_tile_load_aligned_offset_unaligned_size,
|
|
486
512
|
devices=devices,
|
|
487
513
|
)
|
|
514
|
+
add_function_test(TestTileLoad, "test_tile_load_stride_unaligned", test_tile_load_stride_unaligned, devices=devices)
|
|
488
515
|
|
|
489
516
|
add_function_test(TestTileLoad, "test_tile_extract_1d", test_tile_extract(tile_extract_1d_kernel, 1), devices=devices)
|
|
490
517
|
add_function_test(TestTileLoad, "test_tile_extract_2d", test_tile_extract(tile_extract_2d_kernel, 2), devices=devices)
|
warp/types.py
CHANGED
|
@@ -732,7 +732,7 @@ def transformation(dtype=Any):
|
|
|
732
732
|
super().__init__(*args)
|
|
733
733
|
return
|
|
734
734
|
|
|
735
|
-
# Even if the arguments match the original
|
|
735
|
+
# Even if the arguments match the original "from components"
|
|
736
736
|
# signature, we still need to make sure that they represent
|
|
737
737
|
# sequences that can be unpacked.
|
|
738
738
|
if hasattr(p, "__len__") and hasattr(q, "__len__"):
|
|
@@ -1110,6 +1110,39 @@ def dtype_to_numpy(warp_dtype):
|
|
|
1110
1110
|
raise TypeError(f"Cannot convert {warp_dtype} to a NumPy type")
|
|
1111
1111
|
|
|
1112
1112
|
|
|
1113
|
+
np_dtype_compatible_sets: dict[np.dtype, set[Any]] = {
|
|
1114
|
+
np.dtype(np.bool_): {bool, int8, uint8},
|
|
1115
|
+
np.dtype(np.int8): {int8, uint8},
|
|
1116
|
+
np.dtype(np.uint8): {int8, uint8},
|
|
1117
|
+
np.dtype(np.int16): {int16, uint16},
|
|
1118
|
+
np.dtype(np.uint16): {int16, uint16},
|
|
1119
|
+
np.dtype(np.int32): {int32, uint32},
|
|
1120
|
+
np.dtype(np.int64): {int64, uint64},
|
|
1121
|
+
np.dtype(np.uint32): {int32, uint32},
|
|
1122
|
+
np.dtype(np.uint64): {int64, uint64},
|
|
1123
|
+
np.dtype(np.byte): {bool, int8, uint8},
|
|
1124
|
+
np.dtype(np.ubyte): {bool, int8, uint8},
|
|
1125
|
+
np.dtype(np.float16): {float16},
|
|
1126
|
+
np.dtype(np.float32): {float32},
|
|
1127
|
+
np.dtype(np.float64): {float64},
|
|
1128
|
+
}
|
|
1129
|
+
|
|
1130
|
+
|
|
1131
|
+
def np_dtype_is_compatible(numpy_dtype: np.dtype, warp_dtype) -> builtins.bool:
|
|
1132
|
+
"""Evaluate whether the given NumPy dtype is compatible with the given Warp dtype."""
|
|
1133
|
+
|
|
1134
|
+
compatible_set: set[Any] | None = np_dtype_compatible_sets.get(numpy_dtype)
|
|
1135
|
+
|
|
1136
|
+
if compatible_set is not None:
|
|
1137
|
+
if warp_dtype in compatible_set:
|
|
1138
|
+
return True
|
|
1139
|
+
# check if it's a vector or matrix type
|
|
1140
|
+
if hasattr(warp_dtype, "_wp_scalar_type_"):
|
|
1141
|
+
return warp_dtype._wp_scalar_type_ in compatible_set
|
|
1142
|
+
|
|
1143
|
+
return False
|
|
1144
|
+
|
|
1145
|
+
|
|
1113
1146
|
# represent a Python range iterator
|
|
1114
1147
|
class range_t:
|
|
1115
1148
|
def __init__(self):
|
|
@@ -1863,6 +1896,14 @@ class array(Array[DType]):
|
|
|
1863
1896
|
|
|
1864
1897
|
if dtype == Any:
|
|
1865
1898
|
dtype = np_dtype_to_warp_type[data_dtype]
|
|
1899
|
+
else:
|
|
1900
|
+
# Warn if the data type is compatible with the requested dtype
|
|
1901
|
+
if not np_dtype_is_compatible(data_dtype, dtype):
|
|
1902
|
+
warp.utils.warn(
|
|
1903
|
+
f"The input data type {data_dtype} does not appear to be "
|
|
1904
|
+
f"compatible with the requested dtype {dtype}. If "
|
|
1905
|
+
"data-type sizes do not match, then this may lead to memory-access violations."
|
|
1906
|
+
)
|
|
1866
1907
|
|
|
1867
1908
|
if data_strides is None:
|
|
1868
1909
|
data_strides = strides_from_shape(data_shape, dtype)
|
|
@@ -1,6 +1,6 @@
|
|
|
1
1
|
Metadata-Version: 2.4
|
|
2
2
|
Name: warp-lang
|
|
3
|
-
Version: 1.7.
|
|
3
|
+
Version: 1.7.2
|
|
4
4
|
Summary: A Python framework for high-performance simulation and graphics programming
|
|
5
5
|
Author-email: NVIDIA Corporation <warp-python@nvidia.com>
|
|
6
6
|
License: Apache-2.0
|
|
@@ -31,11 +31,11 @@ Requires-Dist: numpy
|
|
|
31
31
|
Provides-Extra: docs
|
|
32
32
|
Requires-Dist: nvidia-sphinx-theme; python_version >= "3.9" and extra == "docs"
|
|
33
33
|
Requires-Dist: sphinx-copybutton; extra == "docs"
|
|
34
|
-
Requires-Dist: ruff==0.11.
|
|
34
|
+
Requires-Dist: ruff==0.11.10; extra == "docs"
|
|
35
35
|
Requires-Dist: myst_parser; extra == "docs"
|
|
36
36
|
Provides-Extra: dev
|
|
37
37
|
Requires-Dist: pre-commit; extra == "dev"
|
|
38
|
-
Requires-Dist: ruff==0.11.
|
|
38
|
+
Requires-Dist: ruff==0.11.10; extra == "dev"
|
|
39
39
|
Requires-Dist: nvtx; extra == "dev"
|
|
40
40
|
Requires-Dist: nvidia-sphinx-theme; python_version >= "3.9" and extra == "dev"
|
|
41
41
|
Requires-Dist: sphinx-copybutton; extra == "dev"
|
|
@@ -65,7 +65,8 @@ and comes with a rich set of primitives that make it easy to write
|
|
|
65
65
|
programs for physics simulation, perception, robotics, and geometry processing. In addition, Warp kernels
|
|
66
66
|
are differentiable and can be used as part of machine-learning pipelines with frameworks such as PyTorch, JAX and Paddle.
|
|
67
67
|
|
|
68
|
-
Please refer to the project [Documentation](https://nvidia.github.io/warp/) for API and language reference and
|
|
68
|
+
Please refer to the project [Documentation](https://nvidia.github.io/warp/) for API and language reference and
|
|
69
|
+
[CHANGELOG.md](https://github.com/NVIDIA/warp/blob/main/CHANGELOG.md) for release history.
|
|
69
70
|
|
|
70
71
|
<div align="center">
|
|
71
72
|
<img src="https://github.com/NVIDIA/warp/raw/main/docs/img/header.jpg">
|
|
@@ -95,9 +96,9 @@ the `pip install` command, e.g.
|
|
|
95
96
|
|
|
96
97
|
| Platform | Install Command |
|
|
97
98
|
| --------------- | ----------------------------------------------------------------------------------------------------------------------------- |
|
|
98
|
-
| Linux aarch64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.
|
|
99
|
-
| Linux x86-64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.
|
|
100
|
-
| Windows x86-64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.
|
|
99
|
+
| Linux aarch64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.2/warp_lang-1.7.2+cu11-py3-none-manylinux2014_aarch64.whl` |
|
|
100
|
+
| Linux x86-64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.2/warp_lang-1.7.2+cu11-py3-none-manylinux2014_x86_64.whl` |
|
|
101
|
+
| Windows x86-64 | `pip install https://github.com/NVIDIA/warp/releases/download/v1.7.2/warp_lang-1.7.2+cu11-py3-none-win_amd64.whl` |
|
|
101
102
|
|
|
102
103
|
The `--force-reinstall` option may need to be used to overwrite a previous installation.
|
|
103
104
|
|
|
@@ -504,7 +505,8 @@ Note that prior to 0.11.0, this schema was not strictly adhered to.
|
|
|
504
505
|
|
|
505
506
|
## License
|
|
506
507
|
|
|
507
|
-
Warp is provided under the Apache License, Version 2.0.
|
|
508
|
+
Warp is provided under the Apache License, Version 2.0.
|
|
509
|
+
Please see [LICENSE.md](https://github.com/NVIDIA/warp/blob/main/LICENSE.md) for full license text.
|
|
508
510
|
|
|
509
511
|
## Contributing
|
|
510
512
|
|
|
@@ -512,17 +514,25 @@ Contributions and pull requests from the community are welcome.
|
|
|
512
514
|
Please see the [Contribution Guide](https://nvidia.github.io/warp/modules/contribution_guide.html) for more
|
|
513
515
|
information on contributing to the development of Warp.
|
|
514
516
|
|
|
515
|
-
##
|
|
517
|
+
## Publications & Citation
|
|
516
518
|
|
|
517
|
-
|
|
519
|
+
### Research Using Warp
|
|
520
|
+
|
|
521
|
+
Our [PUBLICATIONS.md](https://github.com/NVIDIA/warp/blob/main/PUBLICATIONS.md) file lists academic and research
|
|
522
|
+
publications that leverage the capabilities of Warp.
|
|
523
|
+
We encourage you to add your own published work using Warp to this list.
|
|
524
|
+
|
|
525
|
+
### Citing Warp
|
|
526
|
+
|
|
527
|
+
To cite Warp itself in your own publications, please use the following BibTeX entry:
|
|
518
528
|
|
|
519
529
|
```bibtex
|
|
520
530
|
@misc{warp2022,
|
|
521
|
-
title= {Warp: A High-performance Python Framework for GPU Simulation and Graphics},
|
|
522
|
-
author
|
|
523
|
-
month
|
|
524
|
-
year
|
|
525
|
-
note= {NVIDIA GPU Technology Conference (GTC)},
|
|
526
|
-
howpublished = {\url{https://github.com/nvidia/warp}}
|
|
531
|
+
title = {Warp: A High-performance Python Framework for GPU Simulation and Graphics},
|
|
532
|
+
author = {Miles Macklin},
|
|
533
|
+
month = {March},
|
|
534
|
+
year = {2022},
|
|
535
|
+
note = {NVIDIA GPU Technology Conference (GTC)},
|
|
536
|
+
howpublished = {\url{https://github.com/nvidia/warp}}
|
|
527
537
|
}
|
|
528
538
|
```
|
|
@@ -3,24 +3,24 @@ warp/__init__.pyi,sha256=Vxal9LM-q5ztScfRhrM4INpm5LJV6fN6B-H2NI5pkyU,21
|
|
|
3
3
|
warp/autograd.py,sha256=Z6J0c0KT7IlVezK3-nWryjdw7fXjoxmbrFEPGDvXsU4,47034
|
|
4
4
|
warp/build.py,sha256=q7JmP_8zHZ0vDW-fn35vDe5t3wuoXLauGLlI4bPEfc0,19255
|
|
5
5
|
warp/build_dll.py,sha256=Os7xrhdLJmBssaMPmqlEnjjHzPl0qp65oGgQrw4hzsA,16999
|
|
6
|
-
warp/builtins.py,sha256=
|
|
7
|
-
warp/codegen.py,sha256=
|
|
8
|
-
warp/config.py,sha256=
|
|
6
|
+
warp/builtins.py,sha256=irYNmQ8NMzDmpds2ryprWzt5uQBl1mE1qztd6l-q6eI,226213
|
|
7
|
+
warp/codegen.py,sha256=_qAcDEJ1A7CjglpnOc5CQktCZjYxAXtd8WuU1yc3YHQ,151324
|
|
8
|
+
warp/config.py,sha256=zCkPBt9psQhc6tfPGJqmrKu7YfV1XynH09F9DCTRRNY,4936
|
|
9
9
|
warp/constants.py,sha256=V7AVrkjop1CcTLC1MiH-rsNOK_1-P_wjtxiluSPzoBI,1577
|
|
10
|
-
warp/context.py,sha256=
|
|
10
|
+
warp/context.py,sha256=G7CUHO4Pa8R7E9XeC0b_nvIRZBC9U5MkGlTRY4hB6Tw,276324
|
|
11
11
|
warp/dlpack.py,sha256=RYCHiUw9N2FM51jsHGe-4fg7-ByQYw61i-usXj66gXg,17277
|
|
12
12
|
warp/fabric.py,sha256=YsAf3e7icvj0it6sODFZNold76dt7JfU1JjxmhVf6Oo,12119
|
|
13
13
|
warp/jax.py,sha256=SGrqjw49IdTZKkpfLs9hfQxaZ7lJINGudx2ef81nNNw,5909
|
|
14
14
|
warp/math.py,sha256=bTdkHRafeTwVlWTh3xKSyzPHMIllzlXgvGICOHCa2MA,6007
|
|
15
15
|
warp/paddle.py,sha256=3ZW9fZ4CDmEC4vaVSROAOHkWf6ipRRTc2CP4CCt74bQ,16312
|
|
16
|
-
warp/sparse.py,sha256=
|
|
17
|
-
warp/stubs.py,sha256=
|
|
16
|
+
warp/sparse.py,sha256=ZFqms4hbc4sHhooR9moKb9n80vaksbNaEiJCJvOZevA,69743
|
|
17
|
+
warp/stubs.py,sha256=VZLSns8Yp_OmcvhymwzXaJ7OQ1QgqePeWDQgQv2YA1o,95355
|
|
18
18
|
warp/tape.py,sha256=z72kjvbhyv6VonF_X_gly9msgWmo6dgapVnhGbaMgMo,49355
|
|
19
19
|
warp/torch.py,sha256=E8Yib8qvJtIw5fE1dfqun-UDqOixadaYQjf3JE84eak,14761
|
|
20
|
-
warp/types.py,sha256=
|
|
20
|
+
warp/types.py,sha256=Km_ZOcsjNSbYuTUWUe-ZNKeUn55oAKaNoo_Bm4oes68,192499
|
|
21
21
|
warp/utils.py,sha256=1IbuzdtihbfKm3_jXAs99IsBCF7pwuie2PT5MaxabAk,41040
|
|
22
|
-
warp/bin/warp-clang.so,sha256=
|
|
23
|
-
warp/bin/warp.so,sha256=
|
|
22
|
+
warp/bin/warp-clang.so,sha256=9GVX05-eI7NAEGHWD50QQUtbQ5TlHi45cirNrCupIPw,52814464
|
|
23
|
+
warp/bin/warp.so,sha256=wLmZAwS9WCVFpN_Y2sofYFcXpCx4tDQlC0n51YD-ayk,272589864
|
|
24
24
|
warp/examples/__init__.py,sha256=9XbxzPxvdPnjCMHB30fptKx0lxY_8jD6vkNl6wm8YMA,862
|
|
25
25
|
warp/examples/browse.py,sha256=RjPx0fxpxmpPbEp_e7tzrUpo4XgLsDn_OnWxD0ggXeo,1104
|
|
26
26
|
warp/examples/assets/bear.usd,sha256=1SK7s-zpF3Ypzcc8Wt861o174Pe-xMuJpvosACXVNUk,226238
|
|
@@ -124,7 +124,7 @@ warp/examples/tile/example_tile_nbody.py,sha256=Q4eR3rNJ00asYnJYfjd9awL_Di4eRVWQ
|
|
|
124
124
|
warp/examples/tile/example_tile_walker.py,sha256=zByUTVOHAV41A6uydrc32FsiZFTIfn29f4iXMEYwK-w,11286
|
|
125
125
|
warp/fem/__init__.py,sha256=xNWf0aFQmzZOxpGEj7rwfWGoqyvrZyeXdTZR35tu0EU,2699
|
|
126
126
|
warp/fem/adaptivity.py,sha256=2YsgOUBQei20CAiye6bZl7qv8gCQlenpF6Wg7hIURA4,17722
|
|
127
|
-
warp/fem/cache.py,sha256=
|
|
127
|
+
warp/fem/cache.py,sha256=HiJ97TO8sijToQ2BCLHb8HJ3jqqaH5DcY9WQ95cHtWc,19172
|
|
128
128
|
warp/fem/dirichlet.py,sha256=ePVGZ0QHaOYirklZt5DiPEBHGz2cLmDOxODCq0bNeMk,7042
|
|
129
129
|
warp/fem/domain.py,sha256=7wOmH5NAPreIjPFWU6bE-o2tMJwRJorZDA6MBPnfbBU,13814
|
|
130
130
|
warp/fem/integrate.py,sha256=NirfirMU1NjPyqQRIsmT0vlj9o1OFIIhVEIdSdqsEXo,88817
|
|
@@ -178,10 +178,10 @@ warp/fem/space/shape/tet_shape_function.py,sha256=7v9ILj_aN2MRlTQtIoL12-6bIqY1KT
|
|
|
178
178
|
warp/fem/space/shape/triangle_shape_function.py,sha256=rYYseJ4yrnDAb4Z9Hhj2CCPWR7GhfvrdueUA4lJxPcY,22334
|
|
179
179
|
warp/jax_experimental/__init__.py,sha256=ICnjIx1-nVyRIT50kDGEUJqFvIOx_HxjHDNRz6NIIjk,716
|
|
180
180
|
warp/jax_experimental/custom_call.py,sha256=8kH53VoIvyONFKJ4OSTCGQ2YU6wgia3eTpT8tvjjX1Q,14158
|
|
181
|
-
warp/jax_experimental/ffi.py,sha256=
|
|
181
|
+
warp/jax_experimental/ffi.py,sha256=GiOow1cEeV-McxUaaWV5Lmvi4YQ1IcPevLpCvfy60sY,31543
|
|
182
182
|
warp/jax_experimental/xla_ffi.py,sha256=vwXqi9FJ6CShc1UJab0nzt7qeKWYlKtV6ye4AjhHkGs,19724
|
|
183
183
|
warp/native/array.h,sha256=Q5DSnzGNBniMcV1pmU6jOzWSTr6NVPAbXDAs4fEmVIg,40556
|
|
184
|
-
warp/native/builtin.h,sha256=
|
|
184
|
+
warp/native/builtin.h,sha256=IiL7XvcJAYBmakQYqdSkiaDV6Q6aVX3UnyqF0nrLlGU,54043
|
|
185
185
|
warp/native/bvh.cpp,sha256=iPky_Hpt_hxDeBXze8bf1Xh7Srw5ZozqQjX7l3zSr9k,14195
|
|
186
186
|
warp/native/bvh.cu,sha256=8Y5LlkCnz18lakV5c7EDBU_3NM7COkOlHq10ycEeCfk,31323
|
|
187
187
|
warp/native/bvh.h,sha256=SpG181Lb6qiLN_KbDtA5f4o_B_V7SEJ6AbI8WxTblQ0,14140
|
|
@@ -229,15 +229,15 @@ warp/native/sort.h,sha256=hZswfioz8W9rIaILg6N_lX7LPZpqgRUNYYDpJ2B8piM,1838
|
|
|
229
229
|
warp/native/sparse.cpp,sha256=PhmvFvNWCV8FWHyh_-dD8qw0yOiJNEI64i03_UCXbJg,14250
|
|
230
230
|
warp/native/sparse.cu,sha256=zci9Ivnx7ipSnCwdoMjne76Y84wRvQlv9YrB6hE6bYM,20449
|
|
231
231
|
warp/native/spatial.h,sha256=-JbeYDnwwawQf1_c-xMAKMdgZkKP4c6x-uedSq3GBnM,20478
|
|
232
|
-
warp/native/svd.h,sha256=
|
|
232
|
+
warp/native/svd.h,sha256=XbUXz_HvCU3hXfed__rnvn4UIXP9x0vnOkAZmueGmDk,25871
|
|
233
233
|
warp/native/temp_buffer.h,sha256=B8JORJRqdacUawG6GtItl7hKGVl8oH79AQwpyGKVhN8,1188
|
|
234
|
-
warp/native/tile.h,sha256=
|
|
234
|
+
warp/native/tile.h,sha256=IkuM-t2RA8I19-RKDQLMEz9mFhkwB8xt_QWZbM82uZQ,84206
|
|
235
235
|
warp/native/tile_reduce.h,sha256=d84xtiRpAsWNCrce0sd0qz96G0y5HgbX8V1tYHBry_s,6534
|
|
236
236
|
warp/native/vec.h,sha256=HGm-t7zCBkX_hfVZmNrPhlzA6OklntahCim88EJb4a0,39407
|
|
237
|
-
warp/native/volume.cpp,sha256=
|
|
237
|
+
warp/native/volume.cpp,sha256=x5MRlYJvwCCFZzQspRr9zAJwfm7aflecXYJw_PXbee8,17066
|
|
238
238
|
warp/native/volume.cu,sha256=6wFOhbnpoRVYTEI_qYf5ZsntuC69MPNiDiSm1w4BA-Y,2513
|
|
239
239
|
warp/native/volume.h,sha256=O8CZGqwok81LfngDpCrRmJ3YXHCaqyjmObWGrP5Dk78,36615
|
|
240
|
-
warp/native/volume_builder.cu,sha256=
|
|
240
|
+
warp/native/volume_builder.cu,sha256=zEs8FEFivrXVNMgwF64YhQC_nCaPRqZVrUL_5o2wTfg,15944
|
|
241
241
|
warp/native/volume_builder.h,sha256=gTTADApTLuoPNPgHkoYcOW7GO9WX3WhqDnbQjUBggNw,2071
|
|
242
242
|
warp/native/volume_impl.h,sha256=jg03Jg2_ji5lYjZKxl2v0o9kVdUdVUW9yFQXLmqy_ow,2442
|
|
243
243
|
warp/native/warp.cpp,sha256=AFAqD0D5D3q16zB2in_MSy8Wco3DpfwV8XrCALZst-I,36188
|
|
@@ -253,8 +253,8 @@ warp/optim/adam.py,sha256=ZCGdasTW9UlNGlLXoLlJbH92hY9cB03j1gYhshX1yJM,5760
|
|
|
253
253
|
warp/optim/linear.py,sha256=JuzFJUbedROCAVKqd27NCn8GNR-zW4CZauimzIN1Ztw,36031
|
|
254
254
|
warp/optim/sgd.py,sha256=USCMuqEMtx12hV9WkqUWaEyE5Kff99gkfmRErXHXWkg,3640
|
|
255
255
|
warp/render/__init__.py,sha256=EfmovuVgXCIp-Wp3shTKY4e8ewcrNogtYWicSj_ZKzE,794
|
|
256
|
-
warp/render/render_opengl.py,sha256=
|
|
257
|
-
warp/render/render_usd.py,sha256=
|
|
256
|
+
warp/render/render_opengl.py,sha256=Q4MiqbqeBFS35p9AX_xRrFyRD00vG8HV9TzFqzBTp2Y,131203
|
|
257
|
+
warp/render/render_usd.py,sha256=2l-ZsMqaPyDOcUugZpZVr0Qtcc2docAUEzznaL-imfo,31177
|
|
258
258
|
warp/render/utils.py,sha256=YjSJfVqakdz1PmMvLmRV9BGENEan4rg3Bl6oF82SX80,4554
|
|
259
259
|
warp/sim/__init__.py,sha256=Qtr-p22qbKp8nQuUNhohehfYJ_KHeaPbA4VtybXR_Lg,1871
|
|
260
260
|
warp/sim/articulation.py,sha256=RN4LhoZpBcfaK3SXtG3hAd5l04IBoc2Xmrm_OFnAktQ,26377
|
|
@@ -270,7 +270,7 @@ warp/sim/integrator_euler.py,sha256=66FNOwTRnKVb3xJ80MyHaayaczfcDaUvJmzF7kydRQE,
|
|
|
270
270
|
warp/sim/integrator_featherstone.py,sha256=GkUgZRkhX4BTSgqVSOQdaGJcMDawxQ2QSKpS-Pc9TOE,72878
|
|
271
271
|
warp/sim/integrator_vbd.py,sha256=5GlYZTaTFlDOG79YjJQiy7vps9UDGFM8_5oANmTrWnI,77916
|
|
272
272
|
warp/sim/integrator_xpbd.py,sha256=HnR0UaU7tny9x-CKqJSGQ0nnNO3xmFiS_Z7yg1I1CP0,115378
|
|
273
|
-
warp/sim/model.py,sha256=
|
|
273
|
+
warp/sim/model.py,sha256=pFUxV_H_4YtGOJKlT85J2bGG-oVBknzl_y1GugkPPfQ,204266
|
|
274
274
|
warp/sim/particles.py,sha256=-WUwl8-BHqh0g0Flrf4OymqlopgnIKs3i-LX1Zq-AJE,3421
|
|
275
275
|
warp/sim/render.py,sha256=sLVjaCAVbyl5JT-G6w54Pn8QmFc8d09JcyeFmaAlssU,18302
|
|
276
276
|
warp/sim/utils.py,sha256=sjmvg3YrxSMwC4QhpMtysmIEOtcd_UvRuvq0XOU6mgc,12903
|
|
@@ -293,12 +293,12 @@ warp/tests/aux_test_unresolved_symbol.py,sha256=qImu1IIw3DSKeZTwDC25bpljdeKCzwPT
|
|
|
293
293
|
warp/tests/run_coverage_serial.py,sha256=LJiW_a4EoY8IdFxooCrfjPR6Smw2tiyrvweArExXGvk,1301
|
|
294
294
|
warp/tests/test_adam.py,sha256=WXHPhJ_71e_p3cyEETs0hzHkJ3Jdixht8K9uRrWQRNw,5617
|
|
295
295
|
warp/tests/test_arithmetic.py,sha256=jhpJfhWebWX5o4cnhj7d_oGSvHgMHLIAEOaFdCNb0XM,44096
|
|
296
|
-
warp/tests/test_array.py,sha256=
|
|
296
|
+
warp/tests/test_array.py,sha256=9UFiqkhhyfTqOV6fBbYvcSEQKJhLc8hAluEurkUkg5s,104463
|
|
297
297
|
warp/tests/test_array_reduce.py,sha256=33AcB_r0RyF7Xf3QpcKz5FLcAlWToBZprKj7lu0neB0,4934
|
|
298
298
|
warp/tests/test_assert.py,sha256=4OQ1ttkRPHQNjItPTUwr-KDJNFXFTMhpqFKYDVEY-bY,8023
|
|
299
|
-
warp/tests/test_atomic.py,sha256=
|
|
299
|
+
warp/tests/test_atomic.py,sha256=nIbv23djUPLUSJGpM2yClQDP_iy_36sNVKleG0avNI0,11121
|
|
300
300
|
warp/tests/test_bool.py,sha256=YPMdnjfRZryRDPNj86GwtFXbAYOp82iKrgz6I6Mo_FQ,6727
|
|
301
|
-
warp/tests/test_builtins_resolution.py,sha256=
|
|
301
|
+
warp/tests/test_builtins_resolution.py,sha256=wwpH3wu84llJ--mNtk4OsP7n7ij7H1ER9_apRGjY0pY,64085
|
|
302
302
|
warp/tests/test_closest_point_edge_edge.py,sha256=kZmU7XkRDnkH3LoIOMPmOCg7KNq8sWPcgVZ6JnyFla0,9904
|
|
303
303
|
warp/tests/test_codegen.py,sha256=3O9ihky7lw_-aRpWoIP4JoAaF4kofg3JUpcw_dAFBYo,22699
|
|
304
304
|
warp/tests/test_codegen_instancing.py,sha256=2wHjnPLB0-Gfv5qT8GOAvT23-ubernvIQsgqBMhx1Dw,42014
|
|
@@ -312,9 +312,9 @@ warp/tests/test_devices.py,sha256=Y9fwP37WC4YHKhPjmHX4om03qwXNsrZZ5-mubQoDwCU,32
|
|
|
312
312
|
warp/tests/test_examples.py,sha256=UY1bBJ93fLutbM2Ly-42vIj0UybNrmvl29ndaReSx0Q,16585
|
|
313
313
|
warp/tests/test_fabricarray.py,sha256=MPhRWy3nTB7KKIDuz_o6XgaCxth_wOEgw7QN0n4sc9k,33513
|
|
314
314
|
warp/tests/test_fast_math.py,sha256=KwYuZ3sHfYacyP6w6twYAE3H2uEdFix55Vi-0f26UVk,2484
|
|
315
|
-
warp/tests/test_fem.py,sha256=
|
|
315
|
+
warp/tests/test_fem.py,sha256=klIUdvetLoRr_liCahwaKdWBL_7qFdpzc62BmspXig8,80387
|
|
316
316
|
warp/tests/test_fp16.py,sha256=rYGKTSnFJlcD_ECd1O4ELhgwAlntlBa1-UjL1C-UERs,4074
|
|
317
|
-
warp/tests/test_func.py,sha256=
|
|
317
|
+
warp/tests/test_func.py,sha256=ZDVURZBcXLt6ZqhSCE8MpMOk6Mp84lahLqSPb2AGy8Y,13572
|
|
318
318
|
warp/tests/test_future_annotations.py,sha256=PsxRcXYt38wwhGssdRCMRmotZ027BexAnkQZPHKCzz8,2464
|
|
319
319
|
warp/tests/test_generics.py,sha256=-jqubccqomA1dvsvzlMRPiyLqkohSjKnLIqwuAErJuM,22536
|
|
320
320
|
warp/tests/test_grad.py,sha256=FixQ8NKE_8kzZd8tUMzFdVOFxAZhwSQ950e76j5N3ow,29062
|
|
@@ -330,7 +330,7 @@ warp/tests/test_launch.py,sha256=Gk6EtbH8M5W3moN6_hntL-W63F3NVdc9CovBB8yWB94,116
|
|
|
330
330
|
warp/tests/test_lerp.py,sha256=9_767J3lQ7vkmrTIHmsA74_M9TYuCtwW3Hg14wudQKA,5488
|
|
331
331
|
warp/tests/test_linear_solvers.py,sha256=ePh3F9C7xDRZzuQ7T-DIvEG9XgXIX0sLMxe3TFUjPvk,6956
|
|
332
332
|
warp/tests/test_lvalue.py,sha256=nAkqwMLyn5f8yA7yJ13bWjCQzfvXAdLPiqnUalxu2xI,10830
|
|
333
|
-
warp/tests/test_mat.py,sha256=
|
|
333
|
+
warp/tests/test_mat.py,sha256=p6rH3s4jbunRaPGaPoRQF7ymdo203TwXpNUYDgs5Kr0,85721
|
|
334
334
|
warp/tests/test_mat_lite.py,sha256=N96rSrCfp1oa4UwuP7oZuicfNeD9V1TkK2cSjWBKY28,4070
|
|
335
335
|
warp/tests/test_mat_scalar_ops.py,sha256=3vK7f8DwM5kWQr5FR_jH6rd0s1dJJALxNcBMZcDtu9g,110562
|
|
336
336
|
warp/tests/test_math.py,sha256=BMP8h1kQ2Y4OGvFu07wV-t8Ei1ZlmfCqCclj7whwtRI,5629
|
|
@@ -354,7 +354,7 @@ warp/tests/test_sparse.py,sha256=xiGVOjJbE55Adkp9ZoUGrg2NyUfwkvmcLDv65EoH4h4,220
|
|
|
354
354
|
warp/tests/test_spatial.py,sha256=Oh9GSPzGZfNWUX2GJVs5WX74E-nRhvPKVoT0XjnpEqk,79312
|
|
355
355
|
warp/tests/test_special_values.py,sha256=el7MwvasdHi0gU_g1YsUJdUnQ8GuoX_mWP7NHYJ6GWo,14996
|
|
356
356
|
warp/tests/test_static.py,sha256=sTMJ1GcEeg_sLeRKVe6oZ3PIffvTIQcfTQBrSuw086s,19200
|
|
357
|
-
warp/tests/test_struct.py,sha256
|
|
357
|
+
warp/tests/test_struct.py,sha256=y3FR0CS9mCcmdkIBGBPQ57MuufIXZzMj2wtLA8CdtwQ,21343
|
|
358
358
|
warp/tests/test_tape.py,sha256=ptVYNEj3zTl-tlBYoOXIH3-qLaBUsJ0ZyxBYo5okEXM,6524
|
|
359
359
|
warp/tests/test_transient_module.py,sha256=WfQairbLR6MYKW0m84kkMvS8_k8K1knw2413E1Q6STM,2462
|
|
360
360
|
warp/tests/test_triangle_closest_point.py,sha256=8ik_eu-V1MwHK7OfXoeF2L1U6EFWkddJo5Vd1RWeiJU,4283
|
|
@@ -386,7 +386,7 @@ warp/tests/cuda/test_mempool.py,sha256=xm1xaDurw4QsGFNR_1fCqQg4VGGEkCp9mhXlLFxZ1
|
|
|
386
386
|
warp/tests/cuda/test_multigpu.py,sha256=JzUnsDHBBnAVufSfDHUq7nekkSBmCPqf2ccKnLizW2Q,5525
|
|
387
387
|
warp/tests/cuda/test_peer.py,sha256=4J7JqXxNZNs3Na9sdn9bbl_Rj_OgYr_MRcpNL9Se1M0,5123
|
|
388
388
|
warp/tests/cuda/test_pinned.py,sha256=SZUFvUmoW9QpEpQ274O5vqss5A1YVzEZbW7nPufbJHs,2540
|
|
389
|
-
warp/tests/cuda/test_streams.py,sha256=
|
|
389
|
+
warp/tests/cuda/test_streams.py,sha256=hyc9BriRB_mKYBsYjIteLlFBLJXabe0dyYXPr9T-Ktc,22252
|
|
390
390
|
warp/tests/geometry/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
391
391
|
warp/tests/geometry/test_bvh.py,sha256=pcHAlggUY77G_5cckqtimUEly5QgZljuEdr_BoEI54E,6379
|
|
392
392
|
warp/tests/geometry/test_hash_grid.py,sha256=Q83zbq3hy4FdENo3I81ctj6f-MexB8KHolWsxyH_sG4,7199
|
|
@@ -407,15 +407,15 @@ warp/tests/sim/disabled_kinematics.py,sha256=EbxZ8gjgrxAoQB829sOm8vtqA69eP2anZ2c
|
|
|
407
407
|
warp/tests/sim/test_collision.py,sha256=TUxy2PkxVAKW4_WSSFuY9CB78IYItEYjlGJosvrHCiE,23708
|
|
408
408
|
warp/tests/sim/test_coloring.py,sha256=Z4YLugfrevWJpnzz8z49bQSkS3eRo0gvSSTXrCXeOns,8596
|
|
409
409
|
warp/tests/sim/test_inertia.py,sha256=IqJIAyRp8kKSopWYnWQBwLkaAQuV8Ju_ctQQWfa3FDk,5986
|
|
410
|
-
warp/tests/sim/test_model.py,sha256=
|
|
411
|
-
warp/tests/sim/test_sim_grad.py,sha256=
|
|
410
|
+
warp/tests/sim/test_model.py,sha256=ccz5Xk1MfwCAtGCNxAyz3DeoByxxQFwVqH7TPRRTgAY,9411
|
|
411
|
+
warp/tests/sim/test_sim_grad.py,sha256=dou9dJ4i7RiecflcDFwvdB50sq1UO6uzuDK2qHYr-j0,9187
|
|
412
412
|
warp/tests/sim/test_sim_grad_bounce_linear.py,sha256=wcDF8xL0pcFCiLjCYdRqEWGdjWtXGIUeAWggSlI2FB0,8282
|
|
413
413
|
warp/tests/sim/test_sim_kinematics.py,sha256=nzRZCOOYT-Cke1zhKandvSj7x8tZ8_PLxUIedb8m5lo,2840
|
|
414
414
|
warp/tests/sim/test_vbd.py,sha256=5-C7sDLWa98HjPZeTyeAqAVFdMUVHlsNorlWi1Gbo8Y,18608
|
|
415
415
|
warp/tests/sim/test_xpbd.py,sha256=KgixiMyA4H1W7zg2juRxSQPuZJKu_9oM5rPaF2lATwA,11550
|
|
416
416
|
warp/tests/tile/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
417
|
-
warp/tests/tile/test_tile.py,sha256=
|
|
418
|
-
warp/tests/tile/test_tile_load.py,sha256=
|
|
417
|
+
warp/tests/tile/test_tile.py,sha256=CTlRRer2ltIsZviHm-U3GcxPlXnRuGKauu_lKYa5AL4,23951
|
|
418
|
+
warp/tests/tile/test_tile_load.py,sha256=hV46IXDgrmMJFFfV9ABY4rINIj4x0ox_iuUGkwC5IYM,16888
|
|
419
419
|
warp/tests/tile/test_tile_mathdx.py,sha256=z2cKvdO5u0KJhxTnjJe9mIdbXaK-4ypEshLFEnHRt88,6934
|
|
420
420
|
warp/tests/tile/test_tile_mlp.py,sha256=VbbZQuQ17cVYqftCKCXGXxoPiyw8EcXUN1XLji71xEo,15037
|
|
421
421
|
warp/tests/tile/test_tile_reduce.py,sha256=mrcR6WduWNh49Y4C03bHyUPJx7uL5QzboVl8lyL8fsY,12736
|
|
@@ -425,8 +425,8 @@ warp/thirdparty/__init__.py,sha256=47DEQpj8HBSa-_TImW-5JCeuQeRkm5NMpJWZG3hSuFU,0
|
|
|
425
425
|
warp/thirdparty/appdirs.py,sha256=2UXPK-AkDGoN5APeqAMMYkkfgf3Q_aUEZxcfkIxlQn0,24254
|
|
426
426
|
warp/thirdparty/dlpack.py,sha256=HYvNWIemrvxLDgQLRseerP8gqM87Ie7SVIX7p5xSM0o,4323
|
|
427
427
|
warp/thirdparty/unittest_parallel.py,sha256=yTwqH1lvA05pKzINKswBZBUJ18-VxdV7i0yz5SFw6oQ,21278
|
|
428
|
-
warp_lang-1.7.
|
|
429
|
-
warp_lang-1.7.
|
|
430
|
-
warp_lang-1.7.
|
|
431
|
-
warp_lang-1.7.
|
|
432
|
-
warp_lang-1.7.
|
|
428
|
+
warp_lang-1.7.2.dist-info/licenses/LICENSE.md,sha256=psuoW8kuDP96RQsdhzwOqi6fyWv0ct8CR6Jr7He_P_k,10173
|
|
429
|
+
warp_lang-1.7.2.dist-info/METADATA,sha256=j2ot_ZM85clL08Mw6OUtH9jR2CqqH7xs-lh3vYszUwM,31039
|
|
430
|
+
warp_lang-1.7.2.dist-info/WHEEL,sha256=2VKn9ALyPuTFf7jlrlP15WuqOWadDal4PJFbWuazqhk,111
|
|
431
|
+
warp_lang-1.7.2.dist-info/top_level.txt,sha256=8pupHORyKoiN_BYWlTmv5OFBWdhqpppiBYQV5KxgEvg,5
|
|
432
|
+
warp_lang-1.7.2.dist-info/RECORD,,
|
|
File without changes
|
|
File without changes
|