Path Lines of Code DxDispatch/cmake/cxxopts.cmake 9 DxDispatch/cmake/direct3d.cmake 46 DxDispatch/cmake/directml.cmake 36 DxDispatch/cmake/directmlx.cmake 15 DxDispatch/cmake/dxc.cmake 20 DxDispatch/cmake/dxheaders.cmake 7 DxDispatch/cmake/fmt.cmake 11 DxDispatch/cmake/gsl.cmake 6 DxDispatch/cmake/gtest.cmake 8 DxDispatch/cmake/half.cmake 11 DxDispatch/cmake/pix.cmake 26 DxDispatch/cmake/rapidjson.cmake 13 DxDispatch/cmake/wil.cmake 13 DxDispatch/models/add_fp16.hlsl 18 DxDispatch/src/dxdispatch/Adapter.cpp 88 DxDispatch/src/dxdispatch/Adapter.h 61 DxDispatch/src/dxdispatch/CommandLineArgs.cpp 83 DxDispatch/src/dxdispatch/CommandLineArgs.h 26 DxDispatch/src/dxdispatch/Device.cpp 293 DxDispatch/src/dxdispatch/Device.h 63 DxDispatch/src/dxdispatch/Dispatchable.h 20 DxDispatch/src/dxdispatch/DmlDispatchable.cpp 196 DxDispatch/src/dxdispatch/DmlDispatchable.h 23 DxDispatch/src/dxdispatch/Executor.cpp 268 DxDispatch/src/dxdispatch/Executor.h 18 DxDispatch/src/dxdispatch/HlslDispatchable.cpp 366 DxDispatch/src/dxdispatch/HlslDispatchable.h 35 DxDispatch/src/dxdispatch/config.h.in 3 DxDispatch/src/dxdispatch/dxdispatch.rc.in 40 DxDispatch/src/dxdispatch/main.cpp 73 DxDispatch/src/dxdispatch/pch.h 28 DxDispatch/src/model/BucketAllocator.h 95 DxDispatch/src/model/JsonParsers.cpp 1138 DxDispatch/src/model/JsonParsers.h 73 DxDispatch/src/model/JsonParsersGenerated.cpp 4295 DxDispatch/src/model/Model.cpp 79 DxDispatch/src/model/Model.h 103 DxDispatch/src/model/pch.h 24 DxDispatch/tools/GenerateParsingHelpers.ps1 308 Libraries/DirectMLX.h 3095 PyTorch/classification/dataloader_classification.py 54 PyTorch/classification/train_classification.py 136 PyTorch/data/cifar.py 17 PyTorch/resnet50/predict.py 16 PyTorch/resnet50/test.py 19 PyTorch/resnet50/train.py 24 PyTorch/squeezenet/predict.py 16 PyTorch/squeezenet/test.py 19 PyTorch/squeezenet/train.py 24 PyTorch/torchvision_classification/predict.py 18 PyTorch/torchvision_classification/test.py 22 PyTorch/torchvision_classification/train.py 48 PyTorch/yolov3/data/coco128.yaml 13 PyTorch/yolov3/data/hyp.scratch.yaml 27 PyTorch/yolov3/detect.py 142 PyTorch/yolov3/models/__init__.py 1 PyTorch/yolov3/models/common.py 287 PyTorch/yolov3/models/experimental.py 98 PyTorch/yolov3/models/export.py 109 PyTorch/yolov3/models/yolo.py 237 PyTorch/yolov3/models/yolov3-spp.yaml 40 PyTorch/yolov3/models/yolov3-tiny.yaml 31 PyTorch/yolov3/models/yolov3.yaml 40 PyTorch/yolov3/test.py 274 PyTorch/yolov3/train.py 478 PyTorch/yolov3/utils/__init__.py 1 PyTorch/yolov3/utils/activations.py 60 PyTorch/yolov3/utils/autoanchor.py 104 PyTorch/yolov3/utils/datasets.py 753 PyTorch/yolov3/utils/general.py 484 PyTorch/yolov3/utils/google_utils.py 82 PyTorch/yolov3/utils/loss.py 146 PyTorch/yolov3/utils/metrics.py 136 PyTorch/yolov3/utils/plots.py 328 PyTorch/yolov3/utils/torch_utils.py 205 PyTorch/yolov3/utils/wandb_logging/__init__.py 1 PyTorch/yolov3/utils/wandb_logging/log_dataset.py 16 PyTorch/yolov3/utils/wandb_logging/wandb_utils.py 270 Python/setup.cfg 2 Python/setup.py 112 Python/src/d3dx12.h 3126 Python/src/device.cpp 507 Python/src/device.h 76 Python/src/model.h 86 Python/src/module.cpp 536 Python/src/precomp.h 33 Python/src/typeconvert.h 161 Python/src/util.cpp 41 Python/src/util.h 185 TensorFlow/VisionTransformer/MHA.py 36 TensorFlow/VisionTransformer/data_augmentations.py 26 TensorFlow/VisionTransformer/model.py 106 TensorFlow/VisionTransformer/train_cifar10.py 78 TensorFlow/VisionTransformer/train_cifar100.py 78 TensorFlow/squeezenet/clean.py 19 TensorFlow/squeezenet/plot.py 40 TensorFlow/squeezenet/setup.py 22 TensorFlow/squeezenet/src/generate_cifar_tfrecords.py 111 TensorFlow/squeezenet/src/models/research/slim/datasets/__init__.py 1 TensorFlow/squeezenet/src/models/research/slim/datasets/build_imagenet_data.py 295 TensorFlow/squeezenet/src/models/research/slim/datasets/cifar10.py 46 TensorFlow/squeezenet/src/models/research/slim/datasets/dataset_factory.py 23 TensorFlow/squeezenet/src/models/research/slim/datasets/dataset_utils.py 91 TensorFlow/squeezenet/src/models/research/slim/datasets/download_and_convert_cifar10.py 99 TensorFlow/squeezenet/src/models/research/slim/datasets/download_and_convert_flowers.py 106 TensorFlow/squeezenet/src/models/research/slim/datasets/download_and_convert_mnist.py 111 TensorFlow/squeezenet/src/models/research/slim/datasets/download_and_convert_visualwakewords.py 55 TensorFlow/squeezenet/src/models/research/slim/datasets/download_and_convert_visualwakewords_lib.py 161 TensorFlow/squeezenet/src/models/research/slim/datasets/flowers.py 46 TensorFlow/squeezenet/src/models/research/slim/datasets/imagenet.py 102 TensorFlow/squeezenet/src/models/research/slim/datasets/mnist.py 46 TensorFlow/squeezenet/src/models/research/slim/datasets/preprocess_imagenet_validation_data.py 28 TensorFlow/squeezenet/src/models/research/slim/datasets/process_bounding_boxes.py 122 TensorFlow/squeezenet/src/models/research/slim/datasets/visualwakewords.py 67 TensorFlow/squeezenet/src/models/research/slim/deployment/__init__.py 1 TensorFlow/squeezenet/src/models/research/slim/deployment/model_deploy.py 302 TensorFlow/squeezenet/src/predict_squeezenet.py 75 TensorFlow/squeezenet/src/save_squeezenet.py 41 TensorFlow/squeezenet/src/squeezenet/__init__.py 1 TensorFlow/squeezenet/src/squeezenet/arg_parsing.py 136 TensorFlow/squeezenet/src/squeezenet/inputs.py 203 TensorFlow/squeezenet/src/squeezenet/metrics.py 33 TensorFlow/squeezenet/src/squeezenet/networks/__init__.py 9 TensorFlow/squeezenet/src/squeezenet/networks/squeezenet.py 152 TensorFlow/squeezenet/src/train_squeezenet.py 171 TensorFlow/squeezenet/trace.py 52 TensorFlow/squeezenet/train.py 32 TensorFlow/yolov3/convert.py 28 TensorFlow/yolov3/detect.py 104 TensorFlow/yolov3/detect_video.py 119 TensorFlow/yolov3/setup.py 49 TensorFlow/yolov3/tools/export_tflite.py 50 TensorFlow/yolov3/tools/export_tfserving.py 53 TensorFlow/yolov3/tools/visualize_dataset.py 47 TensorFlow/yolov3/tools/voc2012.py 96 TensorFlow/yolov3/train.py 222 TensorFlow/yolov3/train_voc.py 24 TensorFlow/yolov3/yolov3_tf2/__init__.py 1 TensorFlow/yolov3/yolov3_tf2/batch_norm.py 7 TensorFlow/yolov3/yolov3_tf2/dataset.py 95 TensorFlow/yolov3/yolov3_tf2/models.py 239 TensorFlow/yolov3/yolov3_tf2/utils.py 134 component-governance.yml 12