import pandas as pd
df = pd.read_json("10.0_to_11.0-rc2.json").T
df.tail()
title | body | pr_number | files_changed | labels | |
---|---|---|---|---|---|
af1f22d9 | Update Regnet model weights (#4530) (#4550) | * add best weights and x_1_6, x_3_2, y_1_6, y_... | 4550 | [docs/source/models.rst, torchvision/models/re... | [module: models, cla signed, ciflow/default] |
88891709 | Show PILToTensor in docs (#4546) (#4553) | * Add docs for PILToTensor\r\n\r\n* Update doc... | 4553 | [docs/source/transforms.rst] | [ciflow/default] |
b13d5abf | Fix sphinx-gallery backlinks (#4565) (#4567) | 4567 | [.circleci/config.yml, .circleci/config.yml.in] | [ciflow/default] | |
254a2169 | Explicitly copying array in pil_to_tensor (#45... | * mExplicitly copying array in pil_to_tensor\r... | 4573 | [torchvision/transforms/functional.py, torchvi... | [module: transforms, ciflow/default] |
ccf3aa2a | Added docs for reference scripts (#4574) (#4575) | 4575 | [docs/source/index.rst, docs/source/models.rst... | [ciflow/default] |
all_labels = set(
lbl
for labels in df['labels']
for lbl in labels
)
all_labels
{'Perf', 'bc-breaking', 'bug', 'ciflow/default', 'cla signed', 'code quality', 'dependency issue', 'deprecation', 'enhancement', 'fb-exported', 'module: ci', 'module: datasets', 'module: documentation', 'module: hub', 'module: io', 'module: models', 'module: models.quantization', 'module: onnx', 'module: ops', 'module: reference scripts', 'module: tests', 'module: transforms', 'module: utils', 'module: video', 'new feature', 'prototype', 'topic: binaries', 'topic: build', 'topic: classification', 'topic: mobile', 'topic: object detection', 'torchscript', 'version incompatibility'}
# Add one column per label
for label in all_labels:
df[label] = df['labels'].apply(lambda labels_list: label in labels_list)
df.head()
title | body | pr_number | files_changed | labels | module: transforms | module: io | bc-breaking | module: utils | module: ops | ... | module: tests | topic: mobile | module: hub | torchscript | topic: classification | new feature | version incompatibility | module: datasets | module: ci | prototype | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
c2cdad4f | Bump master versions. (#3925) | 3925 | [packaging/build_cmake.sh, packaging/build_con... | [cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False | |
2ab93592 | Improve model parameterization on tests (#3926) | * Improve model parameterization on tests.\r\n... | 3926 | [test/test_models.py] | [module: tests, cla signed] | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
e3e7c256 | Remove deprecated CI vars. (#3928) | 3928 | [packaging/wheel/linux_manywheel.sh, packaging... | [module: ci] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | True | False | |
4c563846 | Speedup the slow tests of detection models (#3... | * Speed up keypoint and retina.\r\n\r\n* Updat... | 3929 | [test/common_utils.py, test/expect/ModelTester... | [module: models, module: tests, cla signed] | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
1cbcb2b1 | Port test/test_image.py to pytest (#3930) | 3930 | [test/test_image.py] | [module: tests, module: io, cla signed, code q... | False | True | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
5 rows × 38 columns
# Add a clean "module" column. It contains tuples since PRs can have more than one module.
# Maybe we should include "topics" in that column as well?
all_modules = { # mapping: full name -> clean name
label: ''.join(label.split(' ')[1:]) for label in all_labels if label.startswith('module')
}
# We use an ugly loop, but whatever ¯\_(ツ)_/¯
df['module'] = [[] for _ in range(len(df))]
for i, row in df.iterrows():
for full_name, clean_name in all_modules.items():
if full_name in row['labels']:
row['module'].append(clean_name)
df['module'] = df.module.apply(tuple)
df.head()
title | body | pr_number | files_changed | labels | module: transforms | module: io | bc-breaking | module: utils | module: ops | ... | topic: mobile | module: hub | torchscript | topic: classification | new feature | version incompatibility | module: datasets | module: ci | prototype | module | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
c2cdad4f | Bump master versions. (#3925) | 3925 | [packaging/build_cmake.sh, packaging/build_con... | [cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | () | |
2ab93592 | Improve model parameterization on tests (#3926) | * Improve model parameterization on tests.\r\n... | 3926 | [test/test_models.py] | [module: tests, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | (tests,) |
e3e7c256 | Remove deprecated CI vars. (#3928) | 3928 | [packaging/wheel/linux_manywheel.sh, packaging... | [module: ci] | False | False | False | False | False | ... | False | False | False | False | False | False | False | True | False | (ci,) | |
4c563846 | Speedup the slow tests of detection models (#3... | * Speed up keypoint and retina.\r\n\r\n* Updat... | 3929 | [test/common_utils.py, test/expect/ModelTester... | [module: models, module: tests, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | (models, tests) |
1cbcb2b1 | Port test/test_image.py to pytest (#3930) | 3930 | [test/test_image.py] | [module: tests, module: io, cla signed, code q... | False | True | False | False | False | ... | False | False | False | False | False | False | False | False | False | (io, tests) |
5 rows × 39 columns
mod_df = df.set_index('module').sort_index()
mod_df.tail()
title | body | pr_number | files_changed | labels | module: transforms | module: io | bc-breaking | module: utils | module: ops | ... | module: tests | topic: mobile | module: hub | torchscript | topic: classification | new feature | version incompatibility | module: datasets | module: ci | prototype | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
module | |||||||||||||||||||||
(video,) | Ignore platforms other than Linux for ffmpeg (... | * Fix ffmpeg version\r\n\r\n* Ignore platforms... | 4410 | [setup.py] | [module: video, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False |
(video, tests) | Pytest for test_videoapi.py and test_video_rea... | * test_video_reader pytest refactoring\r\n\r\n... | 4233 | [test/common_utils.py, test/test_video_reader.... | [module: tests, module: video, cla signed, cod... | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
(video, tests) | Port test_datasets_video_utils.py to pytest (#... | 4035 | [test/test_datasets_video_utils.py] | [module: tests, module: video, cla signed, cod... | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False | |
(video, tests) | Removed test_audio_video_sync as it doesn't wo... | 4050 | [test/test_video_reader.py] | [module: tests, module: video, cla signed] | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False | |
(video, tests) | More robust assertion checks in test_to_tensor... | 4258 | [test/test_transforms_video.py] | [module: tests, module: video, code quality] | False | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
5 rows × 38 columns
# All improvement PRs
mod_df[mod_df['enhancement']].head()
title | body | pr_number | files_changed | labels | module: transforms | module: io | bc-breaking | module: utils | module: ops | ... | module: tests | topic: mobile | module: hub | torchscript | topic: classification | new feature | version incompatibility | module: datasets | module: ci | prototype | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
module | |||||||||||||||||||||
() | Add CUDA-11.3 builds to torchvision (#4248) | * Add CUDA-11.3 builds to torchvision\r\n\r\nA... | 4248 | [.circleci/config.yml, .circleci/regenerate.py... | [enhancement, topic: binaries, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False |
() | Make torch version check numeric (#4285) | Co-authored-by: Vasilis Vryniotis <datumbox@us... | 4285 | [setup.py] | [enhancement, topic: build, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False |
(ci,) | Import hipify_python only when needed (#4031) | Do this after the version check to avoid failu... | 4031 | [setup.py] | [enhancement, topic: build, module: ci, cla si... | False | False | False | False | False | ... | False | False | False | False | False | False | False | False | True | False |
(datasets,) | Add bzip2 file compression support to datasets... | 4097 | [test/test_datasets_utils.py, torchvision/data... | [enhancement, module: datasets, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | True | False | False | |
(datasets,) | Add support for files with periods in name (#4... | 4099 | [test/test_datasets_utils.py, torchvision/data... | [enhancement, module: datasets, cla signed] | False | False | False | False | False | ... | False | False | False | False | False | False | False | True | False | False |
5 rows × 38 columns
# improvement f module
# note: don't filter module name on the index as the index contain tuples with non-exclusive values
# Use the boolean column instead
mod_df[mod_df['enhancement'] & mod_df['module: transforms']]
title | body | pr_number | files_changed | labels | module: transforms | module: io | bc-breaking | module: utils | module: ops | ... | module: tests | topic: mobile | module: hub | torchscript | topic: classification | new feature | version incompatibility | module: datasets | module: ci | prototype | |
---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|---|
module | |||||||||||||||||||||
(transforms,) | WIP on adding gray images support for adjust_c... | 4477 | [test/common_utils.py, test/test_functional_te... | [enhancement, module: transforms, cla signed] | True | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False | |
(transforms,) | Make get_image_size and get_image_num_channels... | 4321 | [references/detection/transforms.py, test/test... | [enhancement, module: transforms, cla signed] | True | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False | |
(transforms, documentation) | Added gray image support to `adjust_saturation... | * update channels parameter to every calling t... | 4480 | [test/common_utils.py, test/test_functional_te... | [enhancement, module: transforms, module: docu... | True | False | False | False | False | ... | False | False | False | False | False | False | False | False | False | False |
(transforms, tests) | Speed up Transformations tests (#3936) | 3936 | [test/test_transforms.py, test/test_transforms... | [enhancement, module: transforms, module: test... | True | False | False | False | False | ... | True | False | False | False | False | False | False | False | False | False |
4 rows × 38 columns
def format_prs(mod_df):
out = []
for idx, row in mod_df.iterrows():
modules = idx
# Put "documentation" and "tests" first for sorting to be dece
for last_module in ('documentation', 'tests'):
if last_module in modules:
modules = [m for m in modules if m != last_module] + [last_module]
module = f"[{', '.join(modules)}]"
module = module.replace("referencescripts", 'reference scripts')
module = module.replace("code", 'reference scripts')
out.append(f"{module} {row['title']}")
return '\n'.join(out)
included_prs = pd.DataFrame()
# If labels are accurate, this shouhld generate most of the release notes already
# We keep track of the included PRs to figure out which ones are missing
for section_title, module_idx in (
("Backward-incompatible changes", 'bc-breaking'),
("Deprecations", 'deprecation'),
("New Features", 'new feature'),
("Improvements", 'enhancement'),
("Bug Fixes", 'bug'),
("Code Quality", 'code quality'),
):
print(f"## {section_title}")
print()
tmp_df = mod_df[mod_df[module_idx]]
included_prs = pd.concat([included_prs, tmp_df])
print(format_prs(tmp_df))
print()
## Backward-incompatible changes [models] Use torch instead of scipy for random initialization of inception and googlenet weights (#4256) ## Deprecations [] Deprecate the C++ vision::models namespace (#4375) ## New Features [datasets] Add iNaturalist dataset (#4123) [datasets] Download and Kinetics 400/600/700 Datasets (#3680) [models] Add FX feature extraction as an alternative to intermediate_layer_getter (#4302) [ops] Rewrite test and fix masks_to_boxes implementation (#4469) [ops] `masks_to_bounding_boxes` op (#4290) [ops] Add StochasticDepth implementation (#4301) [reference scripts] Adding Mixup and Cutmix (#4379) [transforms] Integration of TrivialAugment with the current AutoAugment Code (#4221) [transforms] Adding RandAugment implementation (#4348) ## Improvements [] Add CUDA-11.3 builds to torchvision (#4248) [] Make torch version check numeric (#4285) [ci] Import hipify_python only when needed (#4031) [datasets] Add bzip2 file compression support to datasets (#4097) [datasets] Add support for files with periods in name (#4099) [documentation] Fix training model instructions in references/classification (#4089) [documentation] Minor additions to Resize docs (#4138) [documentation] README: update torch/torchvision support table (#4133) [documentation] Minor grammar fix to docstring (#4159) [documentation] Document minimum required shapes for classification model builder. (#3944) [documentation] Add sphinx Index at the bottom of the index.html page (#3894) [datasets, documentation] kitti docs (#4251) [datasets, documentation] lsun docs (#4239) [video, documentation] Port 'examples/python/video_api.ipynb' to gallery (#4241) [models] Improve FX node naming (#4418) [models] Allow gradient backpropagation through GeneralizedRCNNTransform to inputs (#4327) [models] Add EfficientNet Architecture in TorchVision (#4293) [models, tests] Add test to check that classification models are FX-compatible (#3662) [ops] Make StochasticDepth FX-compatible (#4373) [ops] [1/2] Added backward pass on CPU for interpolation with anti-alias option (#4208) [ops] [2/2] Added backward pass on CUDA for interpolation with anti-alias option (#4211) [reference scripts] Adding label smoothing on classification reference (#4335) [tests] Turn on fast gradcheck for DeformConv to speed-up tests (#3933) [tests] Replace set_deterministic with non-deprecated spelling (#4212) [transforms] WIP on adding gray images support for adjust_contrast (#4477) [transforms] Make get_image_size and get_image_num_channels public. (#4321) [transforms, documentation] Added gray image support to `adjust_saturation` function (#4480) [transforms, tests] Speed up Transformations tests (#3936) [utils] Support single color in utils.draw_bounding_boxes (#4075) [utils, documentation] Change 'range' in docstrings of make_grid to 'value_range' (#3967) ## Bug Fixes [] ci: Remove mentions of conda-forge (#4082) [] Explicitly exclude PIL 8.3.0 from compatible dependencies (#4148) [] [FBcode->GH] [JIT] Add reference semantics to TorchScript classes (#44324) (#4166) [] ffmpeg version query (#4254) [ci] fixup '*' -> '/.*/' for CI filter (#4059) [ci] Fix broken clang format test. (#4320) [datasets] Fix download from google drive which was downloading empty files in some cases (#4109) [datasets] Fix splitting CelebA dataset (#4377) [documentation] Fix documentation for SSD and RetinaNet. (#4132) [io] Raise proper error when decoding 16-bits jpegs (#4101) [io] deinterlacing PNG images with read_image (#4268) [io, tests] Don't check transparency channel for pil >= 8.3 in test_decode_png (#4167) [models] Don't download backbone weights if pretrained=True (#4283) [onnx, tests] Do not disable profiling executor in ONNX tests (#4324) [ops] Resolving tracing problem on StochasticDepth iterator. (#4372) [ops] Fix typing issue to make DeformConv2d scriptable (#4079) [ops, tests] Fix DeformConvTester::test_backward_cuda by setting threads per block to 512 (#3942) [reference scripts] Fix bug on EMA n_averaged estimation. (#4544) (#4545) [tests] Catch ValueError due to recent change to torch.testing.assert_close (#4165) [tests] Fix failing tests by catching the proper exception from torch.testing (#4121) [tests] Avoid cmyk in nvjpeg tests (#4246) [tests] Skip test if connection issues on fate (#4284) [transforms] Fix RandAugment and TrivialAugment bugs (#4370) [utils] bug-fix to issue #4042 (#4043) ## Code Quality [] Add comments (#4072) [] [FBcode->GH] Allow all torchvision test rules to run with RE (#4073) [] Replace deprecated torch.lstsq with torch.linalg.lstsq (#3918) [] Prep change for changing def branch to main (#4306) [] Replace master with main in links to torchvision repo (#4365) [] Add typing in GeneralizedRCNNTransform (#4369) [] Deprecate the C++ vision::models namespace (#4375) [] remove unused package in coco_eval.py (#4404) [] Fix bot that pings us when PR labels are missing (#4501) [] Fixed a couple of typos and removed unnecessary bracket (#4345) [] Fix clang formatting in deform_conv2d_kernel.cu (#3943) [ci] add pre-commit hooks for convenient formatting checks (#4387) [datasets] Added missing typing annotations in datasets/hmdb51 (#4169) [datasets] Removed copy=False in torch.from_numpy in MNIST to avoid warning (#4184) [datasets] Added missing typing annotations in datasets/coco (#4168) [datasets] Added missing typing annotations in datasets/ucf101 (#4171) [datasets] Added missing typing annotations in datasets/kinetics (#4170) [io] Added typing annotations to io/__init__ (#4224) [io] use from_blob to avoid memcpy (#4118) [io, tests] Port test/test_image.py to pytest (#3930) [models] Explicitely store a distance value that is reused (#4341) [models] Use torch instead of scipy for random initialization of inception and googlenet weights (#4256) [models] Added typing annotations to models/segmentation (#4227) [models] Added typing annotations to models/video (#4229) [models, datasets] [FBcode->GH] Group all internally replaced utils into a single file (#4095) [models, tests] Port test_models to pytest (#3978) [models, tests] Port test_backbone_utils.py to pytest (#3991) [models, tests] Port test_quantized_models.py to pytest (#4034) [models, tests] Take assertExpected and check_jit_scriptable out of the TestCase class (#3947) [models, tests] Port test_models_detection_negative_samples.py to pytest (#4045) [models, tests] port test_models_detection_utils.py to pytest (#4036) [models, tests] Port test_models_detection_anchor_utils.py to pytest (#4046) [models.quantization] Add typing annotations to models/quantization (#4232) [onnx] Import ONNX utils from symbolic_opset11 module (#4230) [onnx, tests] Port test_onnx.py to pytest (#4047) [onnx, tests] Use pytest.importorskip for onnx tests instead of custom logic (#4185) [onnx, tests] Use test images from repo rather than internet for ONNX tests (#4176) [ops] Revert "Update gpu atomics include path (#4478)" [ops] Updated annotation to be a Union of Tensor and List (#4416) [ops] Update gpu atomics include path (#4478) [ops, models] Replace MobileNetV3's SqueezeExcitation with EfficientNet's one (#4487) [ops, models] Moving common layers to ops (#4504) [ops, tests] Port test_ops.py to pytest (#3953) [reference scripts] Replaced ToTensor with a combination of PILToTensor and ConvertImageDtype (#4481) [tests] [FBcode->GH] Remove torchvision/test/fakedata_generation.py (#4130) [tests] Remove TestCase dependency for test_models_detection_anchor_utils.py (#4207) [tests] Replace set_deterministic with non-deprecated spelling (#4212) [tests] Prevent tests from leaking their respective RNG (#4497) [tests] Cleanup test suite related to `torch.testing.assert_close` (#4177) [tests] using `np.random.RandomState(seed)` instead of `np.random.seed(seed)` (#4250) [tests] Removed tests executing deprecated F_t.center/five/ten_crop methods (#4479) [tests] Replace get_tmp_dir() with tmpdir fixture in tests (#4280) [datasets, tests] Port test_datasets_samplers.py to pytest (#4037) [datasets, tests] Port test_datasets_utils to pytest (#4114) [datasets, tests] Port test/test_datasets.py to use pytest (#4215) [hub, tests] Port test_hub.py to pytest (#4038) [transforms] Refactor AutoAugment to support more augmentations. (#4338) [transforms] Added typing annotations to transforms/functional_pil (#4234) [transforms] Added typing annotations to transforms/autoaugment (#4226) [transforms] Port random affine, rotate, perspective and to_grayscale to pytest (#4000) [transforms] Added missing typing annotations to transforms/functional_tensor (#4236) [transforms, reference scripts] Added PILToTensor and ConvertImageDtype classes in reference scripts (#4495) [transforms, tests] Prepare test_transforms_tensor.py for porting to pytest (#3976) [transforms, tests] port pad, resized_crop and test_affine in test_functional_tensor to pytest (#3974) [transforms, tests] port some tests in test_functional_tensor to pytest (#3977) [transforms, tests] Port test_rotate in test_functional_tensor.py to pytest (#3983) [transforms, tests] Port test resize in test_transforms to pytest (#3952) [transforms, tests] Port random flip tests to pytest in test_transforms.py (#3971) [transforms, tests] [pytest port] color_jitter, pad, crop, center_crop in test_transforms_tensor (#4008) [transforms, tests] Port some tests to pytest in test_functional_tensor.py (#3988) [transforms, tests] Finish porting test_functional_tensor.py to pytest (#3990) [transforms, tests] Port normalize, linear_transformation, compose, random_apply, gaussian_blur to pytest (#4023) [transforms, tests] [pytest port] test{crop_five, crop_ten, resize, resized_crop} in test_transforms_tensor (#4010) [transforms, tests] Port some tests to pytest in test_transforms.py (#3981) [transforms, tests] port test_accimage_xxx in test_transforms to pytest (#3985) [transforms, tests] Port affine transform tests in test_tranforms to pytest (#3984) [transforms, tests] Port test pad in test_transforms to pytest (#3954) [transforms, tests] port the rest of test_transforms.py to pytest (#4026) [transforms, tests] Port test_randomness in test_transforms.py to pytest (#3955) [transforms, tests] Port test_adjust_xxx in test_transforms to pytest (#3950) [transforms, tests] Remove TransformsTester (#3946) [transforms, tests] Port some tests in test_transforms to pytest (#3957) [transforms, tests] Port grayscale tests in test_tranforms to pytest (#3962) [transforms, tests] Port some tests in test_transforms.py to pytest (#3964) [transforms, tests] Refactor test_transforms.py into classes (#4030) [transforms, tests] Port the xxx_to_pil_image tests in test_transforms.py to pytest (#3959) [transforms, tests] Finish porting test_transforms_tensor to pytest (#3996) [transforms, video, tests] Port tests in test_transforms_video.py to pytest (#4040) [utils] Better handling of grayscale images in draw bbox (#4049) [video] Fixed some ffmpeg deprecation warnings in decoder (#4003) [video] Typing fixes for torchvision.io.video.read_video (#4141) [video] Fixed comparison warnings in audio_stream and video_stream (#4007) [video] Fixed typo in audio_sampler comments (#4028) [video, tests] Pytest for test_videoapi.py and test_video_reader.py (#4233) [video, tests] Port test_datasets_video_utils.py to pytest (#4035) [video, tests] More robust assertion checks in test_to_tensor_video (#4258)
# Missing PRs are these ones... classify them manually
missing_prs = pd.concat([mod_df, included_prs]).drop_duplicates(subset='pr_number', keep=False)
print(format_prs(missing_prs))
[] Bump master versions. (#3925) [] fix syntax in PR labels workflow (#4012) [] Fix workflow for pinging maintainers in case of unlabeled PRs (#4021) [] Unpinned the libjpeg version and fixed jpeg_mem_dest's size type Wind… (#4288) [] ping maintainers in case a PR was not properly labeled (#3993) [] New issue templates (#4299) [] Enable building torchvision with ffmpeg regardless of version on Linux (#4413) [] Conda: Add numpy dependency (#4442) [] Remove prototype folder from release (#4524) [] Switch testing to torch_test rather than torch_nightly (#4496) [] Show PILToTensor in docs (#4546) (#4553) [] Fix sphinx-gallery backlinks (#4565) (#4567) [] Revert "addressing #3805: remove deprecated function call 3 (#3861)" (#3989) [] Added docs for reference scripts (#4574) (#4575) [] Port to_tensor tests in test_transforms to pytest (#3966) [] Add warning for files with corrupt containers (#3961) [] Port some test_random_xxx in test_transforms to pytest (#3972) [ci] Ignore missing report warning for requests (#4011) [ci] add filter for binary_linux_wheel_py3.7_cpu (#3998) [ci] rm install_cuda_compatible_cmath (#4388) [ci] enable windows cuda unit tests (#4421) [ci] [CircleCI] s/gpu.small/gpu.nvidia.small/ (#4482) [ci] Install missing stubs for mypy (#4014) [ci] update cuda version in unittest_windows_gpu (#4475) [ci] [iOS] podspec file for Cocoapods release, pod name: LibTorchvision (#4055) (#4074) [ci] fix MacOS cmake workflow (#4203) [ci] Only tag merger if PR isn't properly labeled, not all reviewers (#4081) [ci] Overwrite the existing dlls while unzipping (#4394) [ci] Don't install torchvision as editable mode when not needed (#4179) [ci] FIX CMAKE_WINDOWS_GPU workflow (#4419) [ci] Fix for macos wheel build by ignoring missing dependencies after delocate version update (#4201) [ci] always run build_docs in CI (#4053) [ci] Ignore direnv files (#4200) [ci] Do not install lame when building torchvision (#4162) [ci] Update PyTorch version in android workflow (#4202) [ci] Remove special versioning suffix rules for CUDA 10.2 (#4065) [ci] [android] Add mavenCentral repository for release publishing (#4067) [ci] Remove deprecated CI vars. (#3928) [datasets] Faster dataset indexing (#3939) [datasets] add API for new style datasets (#4473) [datasets] Added LFW Dataset (#4255) [datasets] [FBcode->GH] Enable analytics logging for MNIST and CIFAR (#4090) [datasets] [FBcode->GH] Moving logging on base class. (#4319) [datasets] cleanup prototype datasets (#4471) [datasets] add prototype image folder dataset (#4441) [datasets] add prototypes for `Caltech(101|256)` datasets (#4510) [documentation] fix fx example so that it works with MaskRCNN (#4376) [documentation] added serialization note to models docs (#4361) [documentation] Fix note about model serialization BC guarantee (#4363) [documentation] Adding docs for RandAugment (#4349) [documentation] Small typo on IntermediateLayerGetter (#4362) [documentation] fix dependency table (#4308) [documentation] [docs] descriptive comments of the decoder C++ api (#3754) [documentation] Change transforms gallery thumbnail (#4505) [documentation] Fix minor typo in bug report template (#4503) [documentation] Add Docs for `VisionDataset` (#3863) [documentation] Rewrite gallery example for masks to boxes. (#4484) [documentation] Remove old notebook examples and point to the online gallery (#4244) [documentation] Update sphinx to 3.5.4 (#4318) [documentation] Update docstring for RandAugment (#4457) [documentation] Fixed typo in gallery example (#4352) [documentation] Added documentation for video backend (#4382) [datasets, documentation] Fix docstring of Caltech101 dataset (#4342) [datasets, documentation] Update UCF101 docstring (#4275) [models, documentation] Clarification for training resnext101_32x8d on ImageNet (#4390) [reference scripts, documentation] Updated references Readme files with torchrun instead of distributed.launch (#4451) [reference scripts, documentation] Fix default in docs of references/video_classification/train.py (#3409) [io] Fix size_t issues across JPEG versions and platforms (#4439) [io, tests] Fixed read_image bug (#3948) [io, video] Fixed missing audio with video_reader backend (#3934) [io, video] addressing #3805: remove deprecated function call 3 (#3861) [io, video, tests] Added check for invalid input file (#3932) [io, video, tests] Fixed missing audio with pyav backend (#4064) [models] Allow custom activation in SqueezeExcitation of EfficientNet (#4448) [models] Change torch.arange dtype from torch.float32 to torch.int32 in anchor_utils.py (#4395) (#4409) [models] Added paper references to detection models (#4383) [models] Update Regnet model weights (#4530) (#4550) [models] Add RegNet Architecture in TorchVision (#4403) [models, tests] Speedup the slow tests of detection models (#3929) [ops] Fixes deform_conv issue with large input/output (#4351) [ops] [FBcode->GH] Port quantize_val and dequantize_val into torchvision to avoid at::native and android xplat incompatibility (#4311) [ops] [FBcode->GH] Support opt mode for torchvision ops (#4080) [ops, tests] Add JIT tests (#4472) [reference scripts] Added update_parameters to EMA to fix calculation (#4406) [reference scripts] Cleaned-up coco evaluation code (#4453) [reference scripts] Warmup schedulers in References (#4411) [reference scripts] Added Exponential Moving Average support to classification reference script (#4381) [reference scripts] Further enhance Classification Reference (#4444) [reference scripts] Replaced to_tensor() with pil_to_tensor() + convert_image_dtype() (#4452) [reference scripts] Update the metrics output on reference scripts (#4408) [reference scripts] Updated model-ema-decay default to 0.9 (#4407) [tests] [FBcode->GH] [jit] Make operation call accept Stack& instead Stack* (#63414) (#4380) [tests] Add check for fx compatibility on segmentation and video models (#4131) [tests] [FBcode->GH] Better logic for ignoring CPU tests on GPU CI machines (#4025) (#4062) [tests] Skip building torchvision with ffmpeg when python==3.9 (#4417) [tests] Port test_internet.py to pytest and add pytest-mock dependency (#4032) [tests] Mock redirection logic for tests (#4197) [tests] remove dependency for dtype getters (#4291) [tests] Port test/test_io.py to pytest (#3922) [tests] make tests that involve GDrive more robust (#4454) [tests] Improve model parameterization on tests (#3926) [ci, tests] add `pytest.ini` (#4196) [ci, tests] Better logic for ignoring CPU tests on GPU CI machines (#4025) [ci, tests] Skip some CPU-only tests on CircleCI machines with GPU (#4002) [transforms] Explicitly copying array in pil_to_tensor (#4566) (#4573) [transforms, documentation] Replaced example usage of ToTensor() by PILToTensor() + ConvertImageDtype() (#4494) [transforms, documentation] Some typo fixes in transforms.rst (#4337) [utils, documentation] Fix typo in plot_visualization_utils.py (#4340) [video] Added warning message for unsupported ffmpeg version (#4041) [video] Drop virtual from private member functions of Decoder class (#4027) [video] Ignore platforms other than Linux for ffmpeg (#4410) [video, tests] Removed test_audio_video_sync as it doesn't work as expected (#4050)