From 49159f3739ca3adbec9f6a0bc64462b0757cc663 Mon Sep 17 00:00:00 2001 From: shawnz Date: Sun, 27 Apr 2025 16:50:12 +0800 Subject: [PATCH 1/5] Bug 5164417 and 5097376: Fix the OpenMP issue finding issue for MSVC and Glang --- README.md | 2 +- Samples/0_Introduction/UnifiedMemoryStreams/CMakeLists.txt | 6 +++++- 2 files changed, 6 insertions(+), 2 deletions(-) diff --git a/README.md b/README.md index 12f5d8fd..68e859d0 100644 --- a/README.md +++ b/README.md @@ -380,7 +380,7 @@ To set up GLFW on a Windows system, Download the pre-built binaries from [GLFW w #### OpenMP -OpenMP is an API for multiprocessing programming. OpenMP can be installed using your Linux distribution's package manager system. It usually comes preinstalled with GCC. It can also be found at the [OpenMP website](http://openmp.org/). +OpenMP is an API for multiprocessing programming. OpenMP can be installed using your Linux distribution's package manager system. It usually comes preinstalled with GCC. It can also be found at the [OpenMP website](http://openmp.org/). For compiler like Clang, libomp.so for llvm need to be install separately, and also the flags need to be set in cmake configuration, such as `-DOpenMP_CXX_FLAGS="-fopenmp=libomp" -DOpenMP_CXX_LIB_NAMES="omp" -DOpenMP_omp_LIBRARY="/path/to/libomp.so"`. #### Screen diff --git a/Samples/0_Introduction/UnifiedMemoryStreams/CMakeLists.txt b/Samples/0_Introduction/UnifiedMemoryStreams/CMakeLists.txt index 8dcaa0f0..090cfe2c 100644 --- a/Samples/0_Introduction/UnifiedMemoryStreams/CMakeLists.txt +++ b/Samples/0_Introduction/UnifiedMemoryStreams/CMakeLists.txt @@ -20,7 +20,11 @@ endif() include_directories(../../../Common) # Source file -find_package(OpenMP REQUIRED) +if(CMAKE_GENERATOR MATCHES "Visual Studio") + find_package(OpenMP REQUIRED C CXX) +else() + find_package(OpenMP REQUIRED) +endif() if(${OpenMP_FOUND}) # Add target for UnifiedMemoryStreams From b27b55ec70f1633a249808816360bfe31389887f Mon Sep 17 00:00:00 2001 From: shawnz Date: Sun, 27 Apr 2025 16:57:02 +0800 Subject: [PATCH 2/5] Bug 5241914: Fix the error message for cuSolverDn_LinearSolver --- .../cuSolverDn_LinearSolver/cuSolverDn_LinearSolver.cpp | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/cuSolverDn_LinearSolver.cpp b/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/cuSolverDn_LinearSolver.cpp index 4153cb4f..cd33ceb0 100644 --- a/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/cuSolverDn_LinearSolver.cpp +++ b/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/cuSolverDn_LinearSolver.cpp @@ -260,7 +260,7 @@ int linearSolverQR(cusolverDnHandle_t handle, int n, const double *Acopy, int ld checkCudaErrors(cudaMemcpy(&h_info, info, sizeof(int), cudaMemcpyDeviceToHost)); if (0 != h_info) { - fprintf(stderr, "Error: LU factorization failed\n"); + fprintf(stderr, "Error: QR factorization failed\n"); } checkCudaErrors(cudaMemcpy(x, b, sizeof(double) * n, cudaMemcpyDeviceToDevice)); From 3438fd4875e41384758f2d74ea9d8ca098a9b063 Mon Sep 17 00:00:00 2001 From: shawnz Date: Mon, 28 Apr 2025 23:44:45 +0800 Subject: [PATCH 3/5] Update README for OpenMP --- README.md | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/README.md b/README.md index 68e859d0..a04e46db 100644 --- a/README.md +++ b/README.md @@ -380,7 +380,7 @@ To set up GLFW on a Windows system, Download the pre-built binaries from [GLFW w #### OpenMP -OpenMP is an API for multiprocessing programming. OpenMP can be installed using your Linux distribution's package manager system. It usually comes preinstalled with GCC. It can also be found at the [OpenMP website](http://openmp.org/). For compiler like Clang, libomp.so for llvm need to be install separately, and also the flags need to be set in cmake configuration, such as `-DOpenMP_CXX_FLAGS="-fopenmp=libomp" -DOpenMP_CXX_LIB_NAMES="omp" -DOpenMP_omp_LIBRARY="/path/to/libomp.so"`. +OpenMP is an API for multiprocessing programming. OpenMP can be installed using your Linux distribution's package manager system. It usually comes preinstalled with GCC. It can also be found at the [OpenMP website](http://openmp.org/). For compilers such as clang, `libomp.so` and other components for LLVM must be installed separated. You will also need to set additional flags in your CMake configuration files, such as: `-DOpenMP_CXX_FLAGS="-fopenmp=libomp" -DOpenMP_CXX_LIB_NAMES="omp" -DOpenMP_omp_LIBRARY="/path/to/libomp.so"`. #### Screen From c14a0114d6a18770c1d2237387794bff4bebf327 Mon Sep 17 00:00:00 2001 From: Rob Armstrong Date: Wed, 30 Apr 2025 09:45:20 -0700 Subject: [PATCH 4/5] Some samples require multiple GPUs. Update 'run_tests.py' to skip them on single- or no-GPU systems. --- run_tests.py | 61 ++++++++++++++++++++++++++++++++++++++++++++------ test_args.json | 18 +++++++++++++++ 2 files changed, 72 insertions(+), 7 deletions(-) diff --git a/run_tests.py b/run_tests.py index 98b7dee1..d14c6df7 100644 --- a/run_tests.py +++ b/run_tests.py @@ -123,13 +123,44 @@ def run_single_test_instance(executable, args, output_file, global_args, run_des safe_print(f"Error running {exe_name} {run_description}: {str(e)}") return {"name": exe_name, "description": run_description, "return_code": -1, "status": f"Error: {str(e)}"} -def run_test(executable, output_dir, args_config, global_args=None): - """Deprecated: This function is replaced by the parallel execution logic in main.""" - # This function is no longer called directly by the main logic. - # It remains here temporarily in case it's needed for reference or single-threaded debugging. - # The core logic is now in run_single_test_instance and managed by ThreadPoolExecutor. - print("Warning: run_test function called directly - this indicates an issue in the refactoring.") - return 1 # Indicate failure if called +def get_gpu_count(): + """Return the number of NVIDIA GPUs visible on the system. + + The function first tries to use the `nvidia-smi` CLI which should be + available on most systems with a CUDA-capable driver installed. If the + command is not present or fails we fall back to checking the + CUDA_VISIBLE_DEVICES environment variable. The fallback is conservative + – if we cannot determine the GPU count we assume 0.""" + + # Try the recommended NVML/nvidia-smi approach first + try: + smi = subprocess.run( + ["nvidia-smi", "-L"], + stdout=subprocess.PIPE, + stderr=subprocess.DEVNULL, + text=True, + check=False, + ) + if smi.returncode == 0: + # Each GPU is reported on its own line that starts with "GPU 0:" etc. + gpu_lines = [ln for ln in smi.stdout.strip().splitlines() if ln.strip().lower().startswith("gpu ")] + if gpu_lines: + return len(gpu_lines) + except FileNotFoundError: + # nvidia-smi is missing – may be WSL/no driver inside container etc. + pass + except Exception: + # Any unexpected error – treat as unknown → 0 + pass + + # Fallback: attempt to infer from CUDA_VISIBLE_DEVICES if it is set and not empty + visible = os.environ.get("CUDA_VISIBLE_DEVICES", "").strip() + if visible and visible not in {"no", "none"}: + # Handles comma-separated list like "0,1,2" or single values + return len([v for v in visible.split(',') if v]) + + # Unable to determine, assume no GPUs + return 0 def main(): parser = argparse.ArgumentParser(description='Run all executables and capture output') @@ -149,6 +180,14 @@ def main(): # Load arguments configuration args_config = load_args_config(args.config) + # Determine how many GPUs are available + gpu_count = get_gpu_count() + if gpu_count == 0: + print("No NVIDIA GPU detected – cannot run CUDA samples. Exiting.") + return 1 + else: + print(f"Detected {gpu_count} GPU(s).") + executables = find_executables(args.dir) if not executables: print("No executables found!") @@ -167,6 +206,14 @@ def main(): safe_print(f"Skipping {exe_name} (marked as skip in config)") continue + # Skip if the sample requires more GPUs than available + required_gpus = args_config.get(base_name, {}).get("min_gpus", 1) + if required_gpus > gpu_count: + safe_print( + f"Skipping {exe_name} (requires {required_gpus} GPU(s), only {gpu_count} available)" + ) + continue + arg_sets_configs = [] if base_name in args_config: config = args_config[base_name] diff --git a/test_args.json b/test_args.json index 04b79549..ec5fd0c3 100644 --- a/test_args.json +++ b/test_args.json @@ -325,5 +325,23 @@ ] } ] + }, + "simpleP2P": { + "min_gpus": 2 + }, + "conjugateGradientMultiDeviceCG": { + "min_gpus": 2 + }, + "simpleCUFFT_2d_MGPU": { + "min_gpus": 2 + }, + "simpleCUFFT_MGPU": { + "min_gpus": 2 + }, + "streamOrderedAllocationP2P": { + "min_gpus": 2 + }, + "EGLStream_CUDA_CrossGPU": { + "min_gpus": 2 } } From 14b1bfdcc47766135339f8782a36ab9e728a1e8a Mon Sep 17 00:00:00 2001 From: Rob Armstrong Date: Wed, 30 Apr 2025 09:46:45 -0700 Subject: [PATCH 5/5] Replace README references to "CUDA Toolkit 12.5" with general "CUDA Toolkit" --- Samples/0_Introduction/UnifiedMemoryStreams/README.md | 2 +- Samples/0_Introduction/asyncAPI/README.md | 2 +- Samples/0_Introduction/clock/README.md | 2 +- Samples/0_Introduction/clock_nvrtc/README.md | 2 +- Samples/0_Introduction/cudaOpenMP/README.md | 2 +- Samples/0_Introduction/fp16ScalarProduct/README.md | 2 +- Samples/0_Introduction/matrixMul/README.md | 2 +- Samples/0_Introduction/matrixMulDrv/README.md | 2 +- Samples/0_Introduction/matrixMulDynlinkJIT/README.md | 2 +- Samples/0_Introduction/matrixMul_nvrtc/README.md | 2 +- Samples/0_Introduction/mergeSort/README.md | 2 +- Samples/0_Introduction/simpleAWBarrier/README.md | 2 +- Samples/0_Introduction/simpleAssert/README.md | 2 +- Samples/0_Introduction/simpleAssert_nvrtc/README.md | 2 +- Samples/0_Introduction/simpleAtomicIntrinsics/README.md | 2 +- Samples/0_Introduction/simpleAtomicIntrinsics_nvrtc/README.md | 2 +- Samples/0_Introduction/simpleAttributes/README.md | 2 +- Samples/0_Introduction/simpleCUDA2GL/README.md | 2 +- Samples/0_Introduction/simpleCallback/README.md | 2 +- Samples/0_Introduction/simpleCooperativeGroups/README.md | 2 +- Samples/0_Introduction/simpleCubemapTexture/README.md | 2 +- Samples/0_Introduction/simpleDrvRuntime/README.md | 2 +- Samples/0_Introduction/simpleHyperQ/README.md | 2 +- Samples/0_Introduction/simpleIPC/README.md | 2 +- Samples/0_Introduction/simpleLayeredTexture/README.md | 2 +- Samples/0_Introduction/simpleMPI/README.md | 2 +- Samples/0_Introduction/simpleMultiCopy/README.md | 2 +- Samples/0_Introduction/simpleMultiGPU/README.md | 2 +- Samples/0_Introduction/simpleOccupancy/README.md | 2 +- Samples/0_Introduction/simpleP2P/README.md | 2 +- Samples/0_Introduction/simplePitchLinearTexture/README.md | 2 +- Samples/0_Introduction/simplePrintf/README.md | 2 +- Samples/0_Introduction/simpleStreams/README.md | 2 +- Samples/0_Introduction/simpleSurfaceWrite/README.md | 2 +- Samples/0_Introduction/simpleTemplates/README.md | 2 +- Samples/0_Introduction/simpleTexture/README.md | 2 +- Samples/0_Introduction/simpleTexture3D/README.md | 2 +- Samples/0_Introduction/simpleTextureDrv/README.md | 2 +- Samples/0_Introduction/simpleVoteIntrinsics/README.md | 2 +- Samples/0_Introduction/simpleZeroCopy/README.md | 2 +- Samples/0_Introduction/systemWideAtomics/README.md | 2 +- Samples/0_Introduction/template/README.md | 2 +- Samples/0_Introduction/vectorAdd/README.md | 2 +- Samples/0_Introduction/vectorAddDrv/README.md | 2 +- Samples/0_Introduction/vectorAddMMAP/README.md | 2 +- Samples/0_Introduction/vectorAdd_nvrtc/README.md | 2 +- Samples/1_Utilities/deviceQuery/README.md | 2 +- Samples/1_Utilities/deviceQueryDrv/README.md | 2 +- Samples/1_Utilities/topologyQuery/README.md | 2 +- .../2_Concepts_and_Techniques/EGLStream_CUDA_CrossGPU/README.md | 2 +- .../2_Concepts_and_Techniques/EGLStream_CUDA_Interop/README.md | 2 +- Samples/2_Concepts_and_Techniques/FunctionPointers/README.md | 2 +- .../2_Concepts_and_Techniques/MC_EstimatePiInlineP/README.md | 2 +- .../2_Concepts_and_Techniques/MC_EstimatePiInlineQ/README.md | 2 +- Samples/2_Concepts_and_Techniques/MC_EstimatePiP/README.md | 2 +- Samples/2_Concepts_and_Techniques/MC_EstimatePiQ/README.md | 2 +- .../2_Concepts_and_Techniques/MC_SingleAsianOptionP/README.md | 2 +- Samples/2_Concepts_and_Techniques/boxFilter/README.md | 2 +- .../2_Concepts_and_Techniques/convolutionSeparable/README.md | 2 +- Samples/2_Concepts_and_Techniques/convolutionTexture/README.md | 2 +- Samples/2_Concepts_and_Techniques/dct8x8/README.md | 2 +- Samples/2_Concepts_and_Techniques/eigenvalues/README.md | 2 +- Samples/2_Concepts_and_Techniques/histogram/README.md | 2 +- Samples/2_Concepts_and_Techniques/imageDenoising/README.md | 2 +- Samples/2_Concepts_and_Techniques/inlinePTX/README.md | 2 +- Samples/2_Concepts_and_Techniques/inlinePTX_nvrtc/README.md | 2 +- Samples/2_Concepts_and_Techniques/interval/README.md | 2 +- Samples/2_Concepts_and_Techniques/particles/README.md | 2 +- Samples/2_Concepts_and_Techniques/radixSortThrust/README.md | 2 +- Samples/2_Concepts_and_Techniques/reduction/README.md | 2 +- .../2_Concepts_and_Techniques/reductionMultiBlockCG/README.md | 2 +- Samples/2_Concepts_and_Techniques/scalarProd/README.md | 2 +- Samples/2_Concepts_and_Techniques/scan/README.md | 2 +- .../2_Concepts_and_Techniques/segmentationTreeThrust/README.md | 2 +- Samples/2_Concepts_and_Techniques/shfl_scan/README.md | 2 +- Samples/2_Concepts_and_Techniques/sortingNetworks/README.md | 2 +- .../2_Concepts_and_Techniques/streamOrderedAllocation/README.md | 2 +- .../streamOrderedAllocationIPC/README.md | 2 +- .../streamOrderedAllocationP2P/README.md | 2 +- .../2_Concepts_and_Techniques/threadFenceReduction/README.md | 2 +- Samples/2_Concepts_and_Techniques/threadMigration/README.md | 2 +- Samples/3_CUDA_Features/StreamPriorities/README.md | 2 +- Samples/3_CUDA_Features/bf16TensorCoreGemm/README.md | 2 +- Samples/3_CUDA_Features/binaryPartitionCG/README.md | 2 +- Samples/3_CUDA_Features/bindlessTexture/README.md | 2 +- Samples/3_CUDA_Features/cdpAdvancedQuicksort/README.md | 2 +- Samples/3_CUDA_Features/cdpBezierTessellation/README.md | 2 +- Samples/3_CUDA_Features/cdpQuadtree/README.md | 2 +- Samples/3_CUDA_Features/cdpSimplePrint/README.md | 2 +- Samples/3_CUDA_Features/cdpSimpleQuicksort/README.md | 2 +- Samples/3_CUDA_Features/cudaCompressibleMemory/README.md | 2 +- Samples/3_CUDA_Features/cudaTensorCoreGemm/README.md | 2 +- Samples/3_CUDA_Features/dmmaTensorCoreGemm/README.md | 2 +- Samples/3_CUDA_Features/globalToShmemAsyncCopy/README.md | 2 +- Samples/3_CUDA_Features/graphConditionalNodes/README.md | 2 +- Samples/3_CUDA_Features/graphMemoryFootprint/README.md | 2 +- Samples/3_CUDA_Features/graphMemoryNodes/README.md | 2 +- Samples/3_CUDA_Features/immaTensorCoreGemm/README.md | 2 +- Samples/3_CUDA_Features/jacobiCudaGraphs/README.md | 2 +- Samples/3_CUDA_Features/memMapIPCDrv/README.md | 2 +- Samples/3_CUDA_Features/newdelete/README.md | 2 +- Samples/3_CUDA_Features/ptxjit/README.md | 2 +- Samples/3_CUDA_Features/simpleCudaGraphs/README.md | 2 +- Samples/3_CUDA_Features/tf32TensorCoreGemm/README.md | 2 +- Samples/3_CUDA_Features/warpAggregatedAtomicsCG/README.md | 2 +- Samples/4_CUDA_Libraries/FilterBorderControlNPP/README.md | 2 +- Samples/4_CUDA_Libraries/MersenneTwisterGP11213/README.md | 2 +- Samples/4_CUDA_Libraries/batchCUBLAS/README.md | 2 +- Samples/4_CUDA_Libraries/boxFilterNPP/README.md | 2 +- Samples/4_CUDA_Libraries/cannyEdgeDetectorNPP/README.md | 2 +- Samples/4_CUDA_Libraries/conjugateGradient/README.md | 2 +- Samples/4_CUDA_Libraries/conjugateGradientCudaGraphs/README.md | 2 +- .../4_CUDA_Libraries/conjugateGradientMultiBlockCG/README.md | 2 +- .../4_CUDA_Libraries/conjugateGradientMultiDeviceCG/README.md | 2 +- Samples/4_CUDA_Libraries/conjugateGradientPrecond/README.md | 2 +- Samples/4_CUDA_Libraries/conjugateGradientUM/README.md | 2 +- Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/README.md | 2 +- Samples/4_CUDA_Libraries/cuSolverRf/README.md | 2 +- Samples/4_CUDA_Libraries/cuSolverSp_LinearSolver/README.md | 2 +- Samples/4_CUDA_Libraries/cuSolverSp_LowlevelCholesky/README.md | 2 +- Samples/4_CUDA_Libraries/cuSolverSp_LowlevelQR/README.md | 2 +- Samples/4_CUDA_Libraries/cudaNvSci/README.md | 2 +- Samples/4_CUDA_Libraries/freeImageInteropNPP/README.md | 2 +- Samples/4_CUDA_Libraries/histEqualizationNPP/README.md | 2 +- Samples/4_CUDA_Libraries/jitLto/README.md | 2 +- Samples/4_CUDA_Libraries/lineOfSight/README.md | 2 +- Samples/4_CUDA_Libraries/matrixMulCUBLAS/README.md | 2 +- Samples/4_CUDA_Libraries/nvJPEG/README.md | 2 +- Samples/4_CUDA_Libraries/nvJPEG_encoder/README.md | 2 +- Samples/4_CUDA_Libraries/oceanFFT/README.md | 2 +- Samples/4_CUDA_Libraries/randomFog/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUBLAS/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUBLASXT/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUBLAS_LU/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUFFT/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUFFT_2d_MGPU/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUFFT_MGPU/README.md | 2 +- Samples/4_CUDA_Libraries/simpleCUFFT_callback/README.md | 2 +- Samples/4_CUDA_Libraries/watershedSegmentationNPP/README.md | 2 +- Samples/5_Domain_Specific/BlackScholes/README.md | 2 +- Samples/5_Domain_Specific/BlackScholes_nvrtc/README.md | 2 +- Samples/5_Domain_Specific/FDTD3d/README.md | 2 +- Samples/5_Domain_Specific/HSOpticalFlow/README.md | 2 +- Samples/5_Domain_Specific/Mandelbrot/README.md | 2 +- Samples/5_Domain_Specific/MonteCarloMultiGPU/README.md | 2 +- Samples/5_Domain_Specific/NV12toBGRandResize/README.md | 2 +- Samples/5_Domain_Specific/SobelFilter/README.md | 2 +- Samples/5_Domain_Specific/SobolQRNG/README.md | 2 +- Samples/5_Domain_Specific/bicubicTexture/README.md | 2 +- Samples/5_Domain_Specific/bilateralFilter/README.md | 2 +- Samples/5_Domain_Specific/binomialOptions/README.md | 2 +- Samples/5_Domain_Specific/binomialOptions_nvrtc/README.md | 2 +- Samples/5_Domain_Specific/convolutionFFT2D/README.md | 2 +- Samples/5_Domain_Specific/dwtHaar1D/README.md | 2 +- Samples/5_Domain_Specific/dxtc/README.md | 2 +- Samples/5_Domain_Specific/fastWalshTransform/README.md | 2 +- Samples/5_Domain_Specific/fluidsGL/README.md | 2 +- Samples/5_Domain_Specific/marchingCubes/README.md | 2 +- Samples/5_Domain_Specific/nbody/README.md | 2 +- Samples/5_Domain_Specific/p2pBandwidthLatencyTest/README.md | 2 +- Samples/5_Domain_Specific/postProcessGL/README.md | 2 +- Samples/5_Domain_Specific/quasirandomGenerator/README.md | 2 +- Samples/5_Domain_Specific/quasirandomGenerator_nvrtc/README.md | 2 +- Samples/5_Domain_Specific/recursiveGaussian/README.md | 2 +- Samples/5_Domain_Specific/simpleD3D11/README.md | 2 +- Samples/5_Domain_Specific/simpleD3D11Texture/README.md | 2 +- Samples/5_Domain_Specific/simpleD3D12/README.md | 2 +- Samples/5_Domain_Specific/simpleGL/README.md | 2 +- Samples/5_Domain_Specific/simpleVulkan/README.md | 2 +- Samples/5_Domain_Specific/simpleVulkanMMAP/README.md | 2 +- Samples/5_Domain_Specific/smokeParticles/README.md | 2 +- Samples/5_Domain_Specific/stereoDisparity/README.md | 2 +- Samples/5_Domain_Specific/volumeFiltering/README.md | 2 +- Samples/5_Domain_Specific/volumeRender/README.md | 2 +- Samples/5_Domain_Specific/vulkanImageCUDA/README.md | 2 +- Samples/6_Performance/UnifiedMemoryPerf/README.md | 2 +- Samples/6_Performance/alignedTypes/README.md | 2 +- Samples/6_Performance/cudaGraphsPerfScaling/README.md | 2 +- Samples/6_Performance/transpose/README.md | 2 +- .../Tegra/EGLSync_CUDAEvent_Interop/README.md | 2 +- Samples/8_Platform_Specific/Tegra/cuDLAErrorReporting/README.md | 2 +- Samples/8_Platform_Specific/Tegra/cuDLAHybridMode/README.md | 2 +- .../Tegra/cuDLALayerwiseStatsHybrid/README.md | 2 +- .../Tegra/cuDLALayerwiseStatsStandalone/README.md | 2 +- Samples/8_Platform_Specific/Tegra/cuDLAStandaloneMode/README.md | 2 +- Samples/8_Platform_Specific/Tegra/cudaNvSciNvMedia/README.md | 2 +- Samples/8_Platform_Specific/Tegra/fluidsGLES/README.md | 2 +- Samples/8_Platform_Specific/Tegra/nbody_opengles/README.md | 2 +- Samples/8_Platform_Specific/Tegra/simpleGLES/README.md | 2 +- .../8_Platform_Specific/Tegra/simpleGLES_EGLOutput/README.md | 2 +- 190 files changed, 190 insertions(+), 190 deletions(-) diff --git a/Samples/0_Introduction/UnifiedMemoryStreams/README.md b/Samples/0_Introduction/UnifiedMemoryStreams/README.md index bdd26340..3805cb21 100644 --- a/Samples/0_Introduction/UnifiedMemoryStreams/README.md +++ b/Samples/0_Introduction/UnifiedMemoryStreams/README.md @@ -28,7 +28,7 @@ cudaStreamDestroy, cudaFree, cudaMallocManaged, cudaStreamAttachMemAsync, cudaSe ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/asyncAPI/README.md b/Samples/0_Introduction/asyncAPI/README.md index 76c5546e..8052b609 100644 --- a/Samples/0_Introduction/asyncAPI/README.md +++ b/Samples/0_Introduction/asyncAPI/README.md @@ -27,6 +27,6 @@ cudaProfilerStop, cudaMalloc, cudaMemcpyAsync, cudaFree, cudaMallocHost, cudaPro ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/clock/README.md b/Samples/0_Introduction/clock/README.md index 1e66fe5a..adf55b8c 100644 --- a/Samples/0_Introduction/clock/README.md +++ b/Samples/0_Introduction/clock/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/clock_nvrtc/README.md b/Samples/0_Introduction/clock_nvrtc/README.md index f30e5472..d26eb3a7 100644 --- a/Samples/0_Introduction/clock_nvrtc/README.md +++ b/Samples/0_Introduction/clock_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/cudaOpenMP/README.md b/Samples/0_Introduction/cudaOpenMP/README.md index 62ce6809..07f791b1 100644 --- a/Samples/0_Introduction/cudaOpenMP/README.md +++ b/Samples/0_Introduction/cudaOpenMP/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaGetLastError, cudaSetDevice, cudaG ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/fp16ScalarProduct/README.md b/Samples/0_Introduction/fp16ScalarProduct/README.md index bacfc037..c86a605b 100644 --- a/Samples/0_Introduction/fp16ScalarProduct/README.md +++ b/Samples/0_Introduction/fp16ScalarProduct/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaMallocHost, cudaFreeHost, cudaMalloc, cudaGetDevicePro ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/matrixMul/README.md b/Samples/0_Introduction/matrixMul/README.md index 7b80aab4..b7d9c7fb 100644 --- a/Samples/0_Introduction/matrixMul/README.md +++ b/Samples/0_Introduction/matrixMul/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaProfilerStop, cudaMalloc, cudaFree, cudaMallocHos ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/matrixMulDrv/README.md b/Samples/0_Introduction/matrixMulDrv/README.md index 6eef08a2..d4e0b6bf 100644 --- a/Samples/0_Introduction/matrixMulDrv/README.md +++ b/Samples/0_Introduction/matrixMulDrv/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuLaunchKernel, cuMemcpyHtoD, cuDeviceGetName, cuDeviceTotalMem, c ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/matrixMulDynlinkJIT/README.md b/Samples/0_Introduction/matrixMulDynlinkJIT/README.md index cc75df8d..ae5762cb 100644 --- a/Samples/0_Introduction/matrixMulDynlinkJIT/README.md +++ b/Samples/0_Introduction/matrixMulDynlinkJIT/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuDeviceGetName, cuParamSeti, cuModuleLoadDataEx, cuModuleGetFunct ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/matrixMul_nvrtc/README.md b/Samples/0_Introduction/matrixMul_nvrtc/README.md index 2581bb39..ee7b4c20 100644 --- a/Samples/0_Introduction/matrixMul_nvrtc/README.md +++ b/Samples/0_Introduction/matrixMul_nvrtc/README.md @@ -30,7 +30,7 @@ cuMemcpyDtoH, cuLaunchKernel, cuMemcpyHtoD, cuCtxSynchronize, cuMemAlloc, cuMemF ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/mergeSort/README.md b/Samples/0_Introduction/mergeSort/README.md index 91e727a0..9c95b53b 100644 --- a/Samples/0_Introduction/mergeSort/README.md +++ b/Samples/0_Introduction/mergeSort/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAWBarrier/README.md b/Samples/0_Introduction/simpleAWBarrier/README.md index 6576d55b..b196c8c6 100644 --- a/Samples/0_Introduction/simpleAWBarrier/README.md +++ b/Samples/0_Introduction/simpleAWBarrier/README.md @@ -30,7 +30,7 @@ cudaStreamCreateWithFlags, cudaFree, cudaDeviceGetAttribute, cudaMallocHost, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAssert/README.md b/Samples/0_Introduction/simpleAssert/README.md index 07e4b837..c3d0d7ec 100644 --- a/Samples/0_Introduction/simpleAssert/README.md +++ b/Samples/0_Introduction/simpleAssert/README.md @@ -27,6 +27,6 @@ cudaDeviceSynchronize, cudaGetErrorString ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAssert_nvrtc/README.md b/Samples/0_Introduction/simpleAssert_nvrtc/README.md index 148a909c..1d76e311 100644 --- a/Samples/0_Introduction/simpleAssert_nvrtc/README.md +++ b/Samples/0_Introduction/simpleAssert_nvrtc/README.md @@ -30,7 +30,7 @@ cuModuleGetFunction, cuLaunchKernel, cuCtxSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAtomicIntrinsics/README.md b/Samples/0_Introduction/simpleAtomicIntrinsics/README.md index 4d6fd0e8..6ee89706 100644 --- a/Samples/0_Introduction/simpleAtomicIntrinsics/README.md +++ b/Samples/0_Introduction/simpleAtomicIntrinsics/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaFree, cudaMallocHost, cudaFreeHost, cudaStreamSyn ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAtomicIntrinsics_nvrtc/README.md b/Samples/0_Introduction/simpleAtomicIntrinsics_nvrtc/README.md index 4ea870f7..4b8264c9 100644 --- a/Samples/0_Introduction/simpleAtomicIntrinsics_nvrtc/README.md +++ b/Samples/0_Introduction/simpleAtomicIntrinsics_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleAttributes/README.md b/Samples/0_Introduction/simpleAttributes/README.md index 487c2572..6dd6ae00 100644 --- a/Samples/0_Introduction/simpleAttributes/README.md +++ b/Samples/0_Introduction/simpleAttributes/README.md @@ -27,6 +27,6 @@ cudaFree, cudaMallocHost, cudaFreeHost, cudaStreamSynchronize, cudaStreamSetAttr ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleCUDA2GL/README.md b/Samples/0_Introduction/simpleCUDA2GL/README.md index 8d70b68c..45b68b70 100644 --- a/Samples/0_Introduction/simpleCUDA2GL/README.md +++ b/Samples/0_Introduction/simpleCUDA2GL/README.md @@ -30,7 +30,7 @@ cudaHostAlloc, cudaGraphicsUnmapResources, cudaMalloc, cudaFree, cudaGraphicsRes ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleCallback/README.md b/Samples/0_Introduction/simpleCallback/README.md index 74ac691c..53e23aab 100644 --- a/Samples/0_Introduction/simpleCallback/README.md +++ b/Samples/0_Introduction/simpleCallback/README.md @@ -27,6 +27,6 @@ cudaHostAlloc, cudaStreamDestroy, cudaFree, cudaSetDevice, cudaGetDeviceCount, c ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleCooperativeGroups/README.md b/Samples/0_Introduction/simpleCooperativeGroups/README.md index ffa740f9..e85f3e60 100644 --- a/Samples/0_Introduction/simpleCooperativeGroups/README.md +++ b/Samples/0_Introduction/simpleCooperativeGroups/README.md @@ -27,6 +27,6 @@ cudaDeviceSynchronize, cudaGetErrorString ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleCubemapTexture/README.md b/Samples/0_Introduction/simpleCubemapTexture/README.md index c7988df1..1d94220f 100644 --- a/Samples/0_Introduction/simpleCubemapTexture/README.md +++ b/Samples/0_Introduction/simpleCubemapTexture/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaCreateChannelDesc, cudaFreeArray, cudaFree, cudaPitchedPtr, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleDrvRuntime/README.md b/Samples/0_Introduction/simpleDrvRuntime/README.md index 7a53f45e..261ff235 100644 --- a/Samples/0_Introduction/simpleDrvRuntime/README.md +++ b/Samples/0_Introduction/simpleDrvRuntime/README.md @@ -30,6 +30,6 @@ cudaStreamCreateWithFlags, cudaFree, cudaMallocHost, cudaFreeHost, cudaStreamSyn ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleHyperQ/README.md b/Samples/0_Introduction/simpleHyperQ/README.md index adce0904..18c92b17 100644 --- a/Samples/0_Introduction/simpleHyperQ/README.md +++ b/Samples/0_Introduction/simpleHyperQ/README.md @@ -27,7 +27,7 @@ cudaMemcpy, cudaStreamDestroy, cudaMalloc, cudaFree, cudaMallocHost, cudaEventSy ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleIPC/README.md b/Samples/0_Introduction/simpleIPC/README.md index ef5ec6cf..09c8f49b 100644 --- a/Samples/0_Introduction/simpleIPC/README.md +++ b/Samples/0_Introduction/simpleIPC/README.md @@ -30,7 +30,7 @@ cudaSetDevice, cudaIpcCloseMemHandle, cudaEventDestroy, cudaGetDeviceCount, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleLayeredTexture/README.md b/Samples/0_Introduction/simpleLayeredTexture/README.md index 1cb1f790..adead71a 100644 --- a/Samples/0_Introduction/simpleLayeredTexture/README.md +++ b/Samples/0_Introduction/simpleLayeredTexture/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaCreateChannelDesc, cudaFreeArray, cudaFree, cudaPitchedPtr, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleMPI/README.md b/Samples/0_Introduction/simpleMPI/README.md index d02e3e31..55897069 100644 --- a/Samples/0_Introduction/simpleMPI/README.md +++ b/Samples/0_Introduction/simpleMPI/README.md @@ -30,7 +30,7 @@ cudaMalloc, cudaGetLastError, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleMultiCopy/README.md b/Samples/0_Introduction/simpleMultiCopy/README.md index ec04f1e2..9aa03783 100644 --- a/Samples/0_Introduction/simpleMultiCopy/README.md +++ b/Samples/0_Introduction/simpleMultiCopy/README.md @@ -27,6 +27,6 @@ cudaHostAlloc, cudaStreamDestroy, cudaMalloc, cudaMemcpyAsync, cudaFree, cudaSet ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleMultiGPU/README.md b/Samples/0_Introduction/simpleMultiGPU/README.md index 95a33c64..105fe014 100644 --- a/Samples/0_Introduction/simpleMultiGPU/README.md +++ b/Samples/0_Introduction/simpleMultiGPU/README.md @@ -27,6 +27,6 @@ cudaStreamDestroy, cudaFree, cudaMallocHost, cudaSetDevice, cudaFreeHost, cudaSt ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleOccupancy/README.md b/Samples/0_Introduction/simpleOccupancy/README.md index d68fa5b6..d47e7f2e 100644 --- a/Samples/0_Introduction/simpleOccupancy/README.md +++ b/Samples/0_Introduction/simpleOccupancy/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaEventRecord, cudaGetDevice, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleP2P/README.md b/Samples/0_Introduction/simpleP2P/README.md index f2dc3c4c..4e2b2961 100644 --- a/Samples/0_Introduction/simpleP2P/README.md +++ b/Samples/0_Introduction/simpleP2P/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaMalloc, cudaFree, cudaMallocHost, cudaEventCreateWithFlags, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simplePitchLinearTexture/README.md b/Samples/0_Introduction/simplePitchLinearTexture/README.md index 15dbcb96..08932ac9 100644 --- a/Samples/0_Introduction/simplePitchLinearTexture/README.md +++ b/Samples/0_Introduction/simplePitchLinearTexture/README.md @@ -27,6 +27,6 @@ cudaMallocArray, cudaFreeArray, cudaFree, cudaMallocPitch, cudaDestroyTextureObj ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simplePrintf/README.md b/Samples/0_Introduction/simplePrintf/README.md index 0a15495d..ff00a268 100644 --- a/Samples/0_Introduction/simplePrintf/README.md +++ b/Samples/0_Introduction/simplePrintf/README.md @@ -27,6 +27,6 @@ cudaGetDeviceProperties, cudaDeviceSynchronize, cudaGetDevice ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleStreams/README.md b/Samples/0_Introduction/simpleStreams/README.md index 9bb1f048..80f609b5 100644 --- a/Samples/0_Introduction/simpleStreams/README.md +++ b/Samples/0_Introduction/simpleStreams/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaSetDeviceFlags, cudaSetDevice, cudaEventDestroy, cudaStreamCreat ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleSurfaceWrite/README.md b/Samples/0_Introduction/simpleSurfaceWrite/README.md index d9c41f0c..13bd7796 100644 --- a/Samples/0_Introduction/simpleSurfaceWrite/README.md +++ b/Samples/0_Introduction/simpleSurfaceWrite/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaCreateChannelDesc, cudaMallocArray, cudaFreeArray, cudaFree, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleTemplates/README.md b/Samples/0_Introduction/simpleTemplates/README.md index 870556dc..22a0d8dc 100644 --- a/Samples/0_Introduction/simpleTemplates/README.md +++ b/Samples/0_Introduction/simpleTemplates/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaMemcpy, cudaGetDeviceProperties, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleTexture/README.md b/Samples/0_Introduction/simpleTexture/README.md index 9119703b..746a9e18 100644 --- a/Samples/0_Introduction/simpleTexture/README.md +++ b/Samples/0_Introduction/simpleTexture/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaCreateChannelDesc, cudaMallocArray, cudaFreeArray, cudaFree, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleTexture3D/README.md b/Samples/0_Introduction/simpleTexture3D/README.md index 141b5143..80848544 100644 --- a/Samples/0_Introduction/simpleTexture3D/README.md +++ b/Samples/0_Introduction/simpleTexture3D/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFreeArray, cudaFree, cudaPitchedPtr, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/simpleTextureDrv/README.md b/Samples/0_Introduction/simpleTextureDrv/README.md index 1bd0d1b1..2876794b 100644 --- a/Samples/0_Introduction/simpleTextureDrv/README.md +++ b/Samples/0_Introduction/simpleTextureDrv/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuLaunchKernel, cuModuleLoadData, cuDeviceGetName, cuDeviceGetAttr ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleVoteIntrinsics/README.md b/Samples/0_Introduction/simpleVoteIntrinsics/README.md index f42f19b6..4ed9dd11 100644 --- a/Samples/0_Introduction/simpleVoteIntrinsics/README.md +++ b/Samples/0_Introduction/simpleVoteIntrinsics/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/simpleZeroCopy/README.md b/Samples/0_Introduction/simpleZeroCopy/README.md index f56609a7..d40b674f 100644 --- a/Samples/0_Introduction/simpleZeroCopy/README.md +++ b/Samples/0_Introduction/simpleZeroCopy/README.md @@ -27,6 +27,6 @@ cudaHostAlloc, cudaSetDeviceFlags, cudaHostRegister, cudaSetDevice, cudaGetDevic ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/systemWideAtomics/README.md b/Samples/0_Introduction/systemWideAtomics/README.md index b6d52932..66609bb3 100644 --- a/Samples/0_Introduction/systemWideAtomics/README.md +++ b/Samples/0_Introduction/systemWideAtomics/README.md @@ -30,7 +30,7 @@ cudaDeviceSynchronize, cudaMallocManaged, cudaGetDeviceProperties, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/0_Introduction/template/README.md b/Samples/0_Introduction/template/README.md index 8e93a67a..4b747926 100644 --- a/Samples/0_Introduction/template/README.md +++ b/Samples/0_Introduction/template/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/vectorAdd/README.md b/Samples/0_Introduction/vectorAdd/README.md index d82f069b..625adb34 100644 --- a/Samples/0_Introduction/vectorAdd/README.md +++ b/Samples/0_Introduction/vectorAdd/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaGetLastError, cudaMalloc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/vectorAddDrv/README.md b/Samples/0_Introduction/vectorAddDrv/README.md index acc1b67f..9e04a248 100644 --- a/Samples/0_Introduction/vectorAddDrv/README.md +++ b/Samples/0_Introduction/vectorAddDrv/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuLaunchKernel, cuMemcpyHtoD, cuModuleLoadData, cuCtxSynchronize, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/vectorAddMMAP/README.md b/Samples/0_Introduction/vectorAddMMAP/README.md index d194a9ac..fb8e441e 100644 --- a/Samples/0_Introduction/vectorAddMMAP/README.md +++ b/Samples/0_Introduction/vectorAddMMAP/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuDeviceCanAccessPeer, cuModuleGetFunction, cuMemSetAccess, cuMemR ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/0_Introduction/vectorAdd_nvrtc/README.md b/Samples/0_Introduction/vectorAdd_nvrtc/README.md index ae13c8d5..9764a864 100644 --- a/Samples/0_Introduction/vectorAdd_nvrtc/README.md +++ b/Samples/0_Introduction/vectorAdd_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/1_Utilities/deviceQuery/README.md b/Samples/1_Utilities/deviceQuery/README.md index 937f6864..72040e5a 100644 --- a/Samples/1_Utilities/deviceQuery/README.md +++ b/Samples/1_Utilities/deviceQuery/README.md @@ -30,6 +30,6 @@ cudaRuntimeGetVersion, cudaGetErrorString, cudaDeviceCanAccessPeer, cudaSetDevic ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/1_Utilities/deviceQueryDrv/README.md b/Samples/1_Utilities/deviceQueryDrv/README.md index eaeb8818..54a5de6b 100644 --- a/Samples/1_Utilities/deviceQueryDrv/README.md +++ b/Samples/1_Utilities/deviceQueryDrv/README.md @@ -30,6 +30,6 @@ cudaSetDevice ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/1_Utilities/topologyQuery/README.md b/Samples/1_Utilities/topologyQuery/README.md index db8bb9b0..1c6a06c6 100644 --- a/Samples/1_Utilities/topologyQuery/README.md +++ b/Samples/1_Utilities/topologyQuery/README.md @@ -27,6 +27,6 @@ cudaGetDeviceCount, cudaDeviceGetAttribute ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_CrossGPU/README.md b/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_CrossGPU/README.md index 600163df..8aebf169 100644 --- a/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_CrossGPU/README.md +++ b/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_CrossGPU/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaMalloc, cudaProducerPresentFrame, cudaFree, cudaGetErrorString, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_Interop/README.md b/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_Interop/README.md index 099f3d53..5fd6e251 100644 --- a/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_Interop/README.md +++ b/Samples/2_Concepts_and_Techniques/EGLStream_CUDA_Interop/README.md @@ -33,7 +33,7 @@ cudaProducerReadYUVFrame, cudaProducerTest, cudaProducerDeinit, cudaDeviceCreate ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/FunctionPointers/README.md b/Samples/2_Concepts_and_Techniques/FunctionPointers/README.md index 0dc3081c..f7d0cb71 100644 --- a/Samples/2_Concepts_and_Techniques/FunctionPointers/README.md +++ b/Samples/2_Concepts_and_Techniques/FunctionPointers/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineP/README.md b/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineP/README.md index f45f683a..10c4f984 100644 --- a/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineP/README.md +++ b/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineP/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaSetDevice, cudaGetDeviceCount, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineQ/README.md b/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineQ/README.md index 8d4398b9..0332ec47 100644 --- a/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineQ/README.md +++ b/Samples/2_Concepts_and_Techniques/MC_EstimatePiInlineQ/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaSetDevice, cudaGetDeviceCount, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/MC_EstimatePiP/README.md b/Samples/2_Concepts_and_Techniques/MC_EstimatePiP/README.md index ed8db0eb..aef17142 100644 --- a/Samples/2_Concepts_and_Techniques/MC_EstimatePiP/README.md +++ b/Samples/2_Concepts_and_Techniques/MC_EstimatePiP/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaSetDevice, cudaGetDeviceCount, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/MC_EstimatePiQ/README.md b/Samples/2_Concepts_and_Techniques/MC_EstimatePiQ/README.md index 1c7f680a..213e427c 100644 --- a/Samples/2_Concepts_and_Techniques/MC_EstimatePiQ/README.md +++ b/Samples/2_Concepts_and_Techniques/MC_EstimatePiQ/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaSetDevice, cudaGetDeviceCount, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/MC_SingleAsianOptionP/README.md b/Samples/2_Concepts_and_Techniques/MC_SingleAsianOptionP/README.md index fc866086..347bd4e2 100644 --- a/Samples/2_Concepts_and_Techniques/MC_SingleAsianOptionP/README.md +++ b/Samples/2_Concepts_and_Techniques/MC_SingleAsianOptionP/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaSetDevice, cudaGetDeviceCount, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/boxFilter/README.md b/Samples/2_Concepts_and_Techniques/boxFilter/README.md index 70822e25..6e9c0a76 100644 --- a/Samples/2_Concepts_and_Techniques/boxFilter/README.md +++ b/Samples/2_Concepts_and_Techniques/boxFilter/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaCreateChannelDesc, cudaMallocArray, cudaFreeArra ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/convolutionSeparable/README.md b/Samples/2_Concepts_and_Techniques/convolutionSeparable/README.md index f007caa3..06b217f9 100644 --- a/Samples/2_Concepts_and_Techniques/convolutionSeparable/README.md +++ b/Samples/2_Concepts_and_Techniques/convolutionSeparable/README.md @@ -27,7 +27,7 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMemcpyToSymbol, cudaMalloc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/convolutionTexture/README.md b/Samples/2_Concepts_and_Techniques/convolutionTexture/README.md index 242e7d73..8424f37a 100644 --- a/Samples/2_Concepts_and_Techniques/convolutionTexture/README.md +++ b/Samples/2_Concepts_and_Techniques/convolutionTexture/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree, cudaMemcpyToArray, cudaDev ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/dct8x8/README.md b/Samples/2_Concepts_and_Techniques/dct8x8/README.md index 72bc7a5e..87a260df 100644 --- a/Samples/2_Concepts_and_Techniques/dct8x8/README.md +++ b/Samples/2_Concepts_and_Techniques/dct8x8/README.md @@ -27,7 +27,7 @@ cudaMallocArray, cudaFreeArray, cudaFree, cudaMallocPitch, cudaDestroyTextureObj ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/eigenvalues/README.md b/Samples/2_Concepts_and_Techniques/eigenvalues/README.md index 86368d67..cc338c2c 100644 --- a/Samples/2_Concepts_and_Techniques/eigenvalues/README.md +++ b/Samples/2_Concepts_and_Techniques/eigenvalues/README.md @@ -27,7 +27,7 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/histogram/README.md b/Samples/2_Concepts_and_Techniques/histogram/README.md index d41e9d8a..d58992ea 100644 --- a/Samples/2_Concepts_and_Techniques/histogram/README.md +++ b/Samples/2_Concepts_and_Techniques/histogram/README.md @@ -27,7 +27,7 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/imageDenoising/README.md b/Samples/2_Concepts_and_Techniques/imageDenoising/README.md index 05f25f5f..3824c8cc 100644 --- a/Samples/2_Concepts_and_Techniques/imageDenoising/README.md +++ b/Samples/2_Concepts_and_Techniques/imageDenoising/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/inlinePTX/README.md b/Samples/2_Concepts_and_Techniques/inlinePTX/README.md index 0506a8bd..c521c734 100644 --- a/Samples/2_Concepts_and_Techniques/inlinePTX/README.md +++ b/Samples/2_Concepts_and_Techniques/inlinePTX/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaMallocHost, cudaGetLastError, cudaGridSize, cudaBlockS ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/inlinePTX_nvrtc/README.md b/Samples/2_Concepts_and_Techniques/inlinePTX_nvrtc/README.md index 518aab7d..593012ef 100644 --- a/Samples/2_Concepts_and_Techniques/inlinePTX_nvrtc/README.md +++ b/Samples/2_Concepts_and_Techniques/inlinePTX_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/interval/README.md b/Samples/2_Concepts_and_Techniques/interval/README.md index 94a05f60..93d90b0c 100644 --- a/Samples/2_Concepts_and_Techniques/interval/README.md +++ b/Samples/2_Concepts_and_Techniques/interval/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFuncSetCacheConfig, cudaMalloc, cudaFree, cudaGetLastError, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/particles/README.md b/Samples/2_Concepts_and_Techniques/particles/README.md index 1cd0b89b..279de7d1 100644 --- a/Samples/2_Concepts_and_Techniques/particles/README.md +++ b/Samples/2_Concepts_and_Techniques/particles/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaGraphicsResourceGetMappedP ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/radixSortThrust/README.md b/Samples/2_Concepts_and_Techniques/radixSortThrust/README.md index d8f0784e..7786927e 100644 --- a/Samples/2_Concepts_and_Techniques/radixSortThrust/README.md +++ b/Samples/2_Concepts_and_Techniques/radixSortThrust/README.md @@ -27,7 +27,7 @@ cudaEventSynchronize, cudaEventRecord, cudaGetDevice, cudaEventDestroy, cudaEven ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/reduction/README.md b/Samples/2_Concepts_and_Techniques/reduction/README.md index fa61574e..b89a1f38 100644 --- a/Samples/2_Concepts_and_Techniques/reduction/README.md +++ b/Samples/2_Concepts_and_Techniques/reduction/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaSetDevice, cudaDeviceSynchronize, cudaGetDevice, cudaM ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/reductionMultiBlockCG/README.md b/Samples/2_Concepts_and_Techniques/reductionMultiBlockCG/README.md index 70037857..f4bbf8ff 100644 --- a/Samples/2_Concepts_and_Techniques/reductionMultiBlockCG/README.md +++ b/Samples/2_Concepts_and_Techniques/reductionMultiBlockCG/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaSetDevice, cudaDeviceSynchronize, cudaLaunchCooperativ ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/scalarProd/README.md b/Samples/2_Concepts_and_Techniques/scalarProd/README.md index 32ffca76..a5bea8de 100644 --- a/Samples/2_Concepts_and_Techniques/scalarProd/README.md +++ b/Samples/2_Concepts_and_Techniques/scalarProd/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/scan/README.md b/Samples/2_Concepts_and_Techniques/scan/README.md index 6df8bf08..3bef70a7 100644 --- a/Samples/2_Concepts_and_Techniques/scan/README.md +++ b/Samples/2_Concepts_and_Techniques/scan/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/segmentationTreeThrust/README.md b/Samples/2_Concepts_and_Techniques/segmentationTreeThrust/README.md index f75b1b5c..f6b5822b 100644 --- a/Samples/2_Concepts_and_Techniques/segmentationTreeThrust/README.md +++ b/Samples/2_Concepts_and_Techniques/segmentationTreeThrust/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaMemGetInfo, cudaEventSynchronize, cudaEventRecord, cudaMemset, c ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/shfl_scan/README.md b/Samples/2_Concepts_and_Techniques/shfl_scan/README.md index dcb14351..a685b67e 100644 --- a/Samples/2_Concepts_and_Techniques/shfl_scan/README.md +++ b/Samples/2_Concepts_and_Techniques/shfl_scan/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaFree, cudaMallocHost, cudaEventSynchronize, cudaEventRecord, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/sortingNetworks/README.md b/Samples/2_Concepts_and_Techniques/sortingNetworks/README.md index 40c0959c..7e6ebebf 100644 --- a/Samples/2_Concepts_and_Techniques/sortingNetworks/README.md +++ b/Samples/2_Concepts_and_Techniques/sortingNetworks/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/streamOrderedAllocation/README.md b/Samples/2_Concepts_and_Techniques/streamOrderedAllocation/README.md index d49196a5..00b5c278 100644 --- a/Samples/2_Concepts_and_Techniques/streamOrderedAllocation/README.md +++ b/Samples/2_Concepts_and_Techniques/streamOrderedAllocation/README.md @@ -27,6 +27,6 @@ cudaDeviceGetDefaultMemPool, cudaFreeAsync, cudaStreamCreateWithFlags, cudaStrea ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/streamOrderedAllocationIPC/README.md b/Samples/2_Concepts_and_Techniques/streamOrderedAllocationIPC/README.md index 012eb61d..d3e7c5eb 100644 --- a/Samples/2_Concepts_and_Techniques/streamOrderedAllocationIPC/README.md +++ b/Samples/2_Concepts_and_Techniques/streamOrderedAllocationIPC/README.md @@ -30,6 +30,6 @@ cudaDeviceGetAttribute, cudaMemPoolImportFromShareableHandle, cudaSetDevice, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/streamOrderedAllocationP2P/README.md b/Samples/2_Concepts_and_Techniques/streamOrderedAllocationP2P/README.md index a8bc7922..a3c145d2 100644 --- a/Samples/2_Concepts_and_Techniques/streamOrderedAllocationP2P/README.md +++ b/Samples/2_Concepts_and_Techniques/streamOrderedAllocationP2P/README.md @@ -27,6 +27,6 @@ cudaDeviceGetDefaultMemPool, cudaFreeAsync, cudaStreamCreateWithFlags, cudaMemPo ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/threadFenceReduction/README.md b/Samples/2_Concepts_and_Techniques/threadFenceReduction/README.md index 6e6fdb03..2467d133 100644 --- a/Samples/2_Concepts_and_Techniques/threadFenceReduction/README.md +++ b/Samples/2_Concepts_and_Techniques/threadFenceReduction/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/2_Concepts_and_Techniques/threadMigration/README.md b/Samples/2_Concepts_and_Techniques/threadMigration/README.md index 741a4550..fdccb149 100644 --- a/Samples/2_Concepts_and_Techniques/threadMigration/README.md +++ b/Samples/2_Concepts_and_Techniques/threadMigration/README.md @@ -27,6 +27,6 @@ cuMemcpyDtoH, cuLaunchKernel, cuModuleLoadData, cuDeviceGetName, cuDeviceGet, cu ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/StreamPriorities/README.md b/Samples/3_CUDA_Features/StreamPriorities/README.md index 7e9447c5..1206af19 100644 --- a/Samples/3_CUDA_Features/StreamPriorities/README.md +++ b/Samples/3_CUDA_Features/StreamPriorities/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaStreamCreateWithPriority, cudaDeviceGetStreamPriorityRange, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/bf16TensorCoreGemm/README.md b/Samples/3_CUDA_Features/bf16TensorCoreGemm/README.md index e46b7415..a0c7cc36 100644 --- a/Samples/3_CUDA_Features/bf16TensorCoreGemm/README.md +++ b/Samples/3_CUDA_Features/bf16TensorCoreGemm/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaGetErrorString, cudaGetLastError, cudaEventSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/binaryPartitionCG/README.md b/Samples/3_CUDA_Features/binaryPartitionCG/README.md index a350f490..a58e48b5 100644 --- a/Samples/3_CUDA_Features/binaryPartitionCG/README.md +++ b/Samples/3_CUDA_Features/binaryPartitionCG/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaFree, cudaMallocHost, cudaFreeHost, cudaStreamSyn ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/bindlessTexture/README.md b/Samples/3_CUDA_Features/bindlessTexture/README.md index 03677f66..d9fff21b 100644 --- a/Samples/3_CUDA_Features/bindlessTexture/README.md +++ b/Samples/3_CUDA_Features/bindlessTexture/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaGetMipmappedArrayLevel, cudaGraphicsMapResources, cudaDestroySur ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cdpAdvancedQuicksort/README.md b/Samples/3_CUDA_Features/cdpAdvancedQuicksort/README.md index 5d7479ee..5486a3bb 100644 --- a/Samples/3_CUDA_Features/cdpAdvancedQuicksort/README.md +++ b/Samples/3_CUDA_Features/cdpAdvancedQuicksort/README.md @@ -28,7 +28,7 @@ cudaStreamCreateWithFlags, cudaMemcpy, cudaMemcpyAsync, cudaFree, cudaGetErrorSt ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cdpBezierTessellation/README.md b/Samples/3_CUDA_Features/cdpBezierTessellation/README.md index 58135a90..4924a839 100644 --- a/Samples/3_CUDA_Features/cdpBezierTessellation/README.md +++ b/Samples/3_CUDA_Features/cdpBezierTessellation/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaFree, cudaGetDeviceCount, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cdpQuadtree/README.md b/Samples/3_CUDA_Features/cdpQuadtree/README.md index d86fd115..13df2faa 100644 --- a/Samples/3_CUDA_Features/cdpQuadtree/README.md +++ b/Samples/3_CUDA_Features/cdpQuadtree/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaFree, cudaGetLastError, cudaDeviceSetLimit, cudaMalloc, cudaGetD ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cdpSimplePrint/README.md b/Samples/3_CUDA_Features/cdpSimplePrint/README.md index 0e0e0035..623dd2ac 100644 --- a/Samples/3_CUDA_Features/cdpSimplePrint/README.md +++ b/Samples/3_CUDA_Features/cdpSimplePrint/README.md @@ -28,7 +28,7 @@ cudaDeviceSynchronize, cudaGetLastError, cudaGetDeviceProperties, cudaDeviceSetL ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cdpSimpleQuicksort/README.md b/Samples/3_CUDA_Features/cdpSimpleQuicksort/README.md index 5f995fe6..e5ddf02b 100644 --- a/Samples/3_CUDA_Features/cdpSimpleQuicksort/README.md +++ b/Samples/3_CUDA_Features/cdpSimpleQuicksort/README.md @@ -28,7 +28,7 @@ cudaStreamCreateWithFlags, cudaMemcpy, cudaStreamDestroy, cudaFree, cudaDeviceSy ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cudaCompressibleMemory/README.md b/Samples/3_CUDA_Features/cudaCompressibleMemory/README.md index 4da43d15..11c85a4b 100644 --- a/Samples/3_CUDA_Features/cudaCompressibleMemory/README.md +++ b/Samples/3_CUDA_Features/cudaCompressibleMemory/README.md @@ -30,6 +30,6 @@ cudaMemcpy, cudaEventSynchronize, cudaEventRecord, cudaEventElapsedTime, cudaOcc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/cudaTensorCoreGemm/README.md b/Samples/3_CUDA_Features/cudaTensorCoreGemm/README.md index c1e44dfb..a77f260f 100644 --- a/Samples/3_CUDA_Features/cudaTensorCoreGemm/README.md +++ b/Samples/3_CUDA_Features/cudaTensorCoreGemm/README.md @@ -31,6 +31,6 @@ cudaMemcpy, cudaFree, cudaGetErrorString, cudaGetLastError, cudaEventSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/dmmaTensorCoreGemm/README.md b/Samples/3_CUDA_Features/dmmaTensorCoreGemm/README.md index 623034e3..e9498e5d 100644 --- a/Samples/3_CUDA_Features/dmmaTensorCoreGemm/README.md +++ b/Samples/3_CUDA_Features/dmmaTensorCoreGemm/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaGetErrorString, cudaGetLastError, cudaEventSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/globalToShmemAsyncCopy/README.md b/Samples/3_CUDA_Features/globalToShmemAsyncCopy/README.md index 31e5f902..46c198b3 100644 --- a/Samples/3_CUDA_Features/globalToShmemAsyncCopy/README.md +++ b/Samples/3_CUDA_Features/globalToShmemAsyncCopy/README.md @@ -30,7 +30,7 @@ cudaStreamCreateWithFlags, cudaMalloc, cudaDeviceGetAttribute, cudaFree, cudaMal ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/graphConditionalNodes/README.md b/Samples/3_CUDA_Features/graphConditionalNodes/README.md index 67a828c4..b9c1d062 100644 --- a/Samples/3_CUDA_Features/graphConditionalNodes/README.md +++ b/Samples/3_CUDA_Features/graphConditionalNodes/README.md @@ -27,6 +27,6 @@ cudaDeviceSynchronize, cudaDriverGetVersion, cudaFree, cudaGraphAddNode, cudaGra ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/graphMemoryFootprint/README.md b/Samples/3_CUDA_Features/graphMemoryFootprint/README.md index 2da53be5..739fe08a 100644 --- a/Samples/3_CUDA_Features/graphMemoryFootprint/README.md +++ b/Samples/3_CUDA_Features/graphMemoryFootprint/README.md @@ -27,6 +27,6 @@ cudaGraphAddMemAllocNode, cudaStreamCreateWithFlags, cudaGraphInstantiate, cudaS ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/graphMemoryNodes/README.md b/Samples/3_CUDA_Features/graphMemoryNodes/README.md index 8e65e5da..e9d91f59 100644 --- a/Samples/3_CUDA_Features/graphMemoryNodes/README.md +++ b/Samples/3_CUDA_Features/graphMemoryNodes/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaDeviceGetAttribute, cudaDriverGetVersion, cudaGraphLaunch, cudaE ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/immaTensorCoreGemm/README.md b/Samples/3_CUDA_Features/immaTensorCoreGemm/README.md index 212e2ec2..cc91e925 100644 --- a/Samples/3_CUDA_Features/immaTensorCoreGemm/README.md +++ b/Samples/3_CUDA_Features/immaTensorCoreGemm/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaGetErrorString, cudaGetLastError, cudaEventSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/jacobiCudaGraphs/README.md b/Samples/3_CUDA_Features/jacobiCudaGraphs/README.md index a41aeeb3..99b72edf 100644 --- a/Samples/3_CUDA_Features/jacobiCudaGraphs/README.md +++ b/Samples/3_CUDA_Features/jacobiCudaGraphs/README.md @@ -25,6 +25,6 @@ cudaExtent, cudaGraphLaunch, cudaGraphAddMemcpyNode, cudaMallocHost, cudaPitched ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/memMapIPCDrv/README.md b/Samples/3_CUDA_Features/memMapIPCDrv/README.md index ef72267c..ae717fec 100644 --- a/Samples/3_CUDA_Features/memMapIPCDrv/README.md +++ b/Samples/3_CUDA_Features/memMapIPCDrv/README.md @@ -30,7 +30,7 @@ cuDeviceCanAccessPeer, cuMemImportFromShareableHandle, cuModuleLoadDataEx, cuMod ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/newdelete/README.md b/Samples/3_CUDA_Features/newdelete/README.md index a3c756d6..7d31c4c4 100644 --- a/Samples/3_CUDA_Features/newdelete/README.md +++ b/Samples/3_CUDA_Features/newdelete/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaDeviceSetLimit, cudaMalloc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/ptxjit/README.md b/Samples/3_CUDA_Features/ptxjit/README.md index f92d7a13..eb64157a 100644 --- a/Samples/3_CUDA_Features/ptxjit/README.md +++ b/Samples/3_CUDA_Features/ptxjit/README.md @@ -30,6 +30,6 @@ cudaMalloc, cudaDriverGetVersion, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/simpleCudaGraphs/README.md b/Samples/3_CUDA_Features/simpleCudaGraphs/README.md index aa7c9122..62c1e746 100644 --- a/Samples/3_CUDA_Features/simpleCudaGraphs/README.md +++ b/Samples/3_CUDA_Features/simpleCudaGraphs/README.md @@ -25,6 +25,6 @@ cudaGraphClone, cudaExtent, cudaGraphLaunch, cudaStreamCreate, cudaLaunchHostFun ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/3_CUDA_Features/tf32TensorCoreGemm/README.md b/Samples/3_CUDA_Features/tf32TensorCoreGemm/README.md index a6a4d818..7c75298b 100644 --- a/Samples/3_CUDA_Features/tf32TensorCoreGemm/README.md +++ b/Samples/3_CUDA_Features/tf32TensorCoreGemm/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaGetErrorString, cudaGetLastError, cudaEventSynchronize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/3_CUDA_Features/warpAggregatedAtomicsCG/README.md b/Samples/3_CUDA_Features/warpAggregatedAtomicsCG/README.md index 2925642a..af03341f 100644 --- a/Samples/3_CUDA_Features/warpAggregatedAtomicsCG/README.md +++ b/Samples/3_CUDA_Features/warpAggregatedAtomicsCG/README.md @@ -25,6 +25,6 @@ cudaMemcpy, cudaFree, cudaDeviceGetAttribute, cudaMemset, cudaMalloc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/FilterBorderControlNPP/README.md b/Samples/4_CUDA_Libraries/FilterBorderControlNPP/README.md index 6c013df8..36f197cc 100644 --- a/Samples/4_CUDA_Libraries/FilterBorderControlNPP/README.md +++ b/Samples/4_CUDA_Libraries/FilterBorderControlNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaDeviceReset, cudaSetDevice, cudaGetDeviceCount, cudaD ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/MersenneTwisterGP11213/README.md b/Samples/4_CUDA_Libraries/MersenneTwisterGP11213/README.md index 602b8776..58e1d12a 100644 --- a/Samples/4_CUDA_Libraries/MersenneTwisterGP11213/README.md +++ b/Samples/4_CUDA_Libraries/MersenneTwisterGP11213/README.md @@ -30,7 +30,7 @@ cudaStreamCreateWithFlags, cudaStreamDestroy, cudaFree, cudaMallocHost, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/batchCUBLAS/README.md b/Samples/4_CUDA_Libraries/batchCUBLAS/README.md index 60905507..19dec59e 100644 --- a/Samples/4_CUDA_Libraries/batchCUBLAS/README.md +++ b/Samples/4_CUDA_Libraries/batchCUBLAS/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaGetLastError, cudaDeviceSynchroniz ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/boxFilterNPP/README.md b/Samples/4_CUDA_Libraries/boxFilterNPP/README.md index 37b42273..23a99cee 100644 --- a/Samples/4_CUDA_Libraries/boxFilterNPP/README.md +++ b/Samples/4_CUDA_Libraries/boxFilterNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaDriverGetVersion ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cannyEdgeDetectorNPP/README.md b/Samples/4_CUDA_Libraries/cannyEdgeDetectorNPP/README.md index 879fc02b..b78ed33a 100644 --- a/Samples/4_CUDA_Libraries/cannyEdgeDetectorNPP/README.md +++ b/Samples/4_CUDA_Libraries/cannyEdgeDetectorNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaFree, cudaSetDevice, cudaGetDeviceCount, cudaDeviceIn ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradient/README.md b/Samples/4_CUDA_Libraries/conjugateGradient/README.md index b4528915..150cf63f 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradient/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradient/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradientCudaGraphs/README.md b/Samples/4_CUDA_Libraries/conjugateGradientCudaGraphs/README.md index 0e87cf32..9d18d24b 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradientCudaGraphs/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradientCudaGraphs/README.md @@ -30,7 +30,7 @@ cudaGraphInstantiate, cudaStreamDestroy, cudaStreamBeginCapture, cudaFree, cudaM ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradientMultiBlockCG/README.md b/Samples/4_CUDA_Libraries/conjugateGradientMultiBlockCG/README.md index dd7ac22e..0d18d5b5 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradientMultiBlockCG/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradientMultiBlockCG/README.md @@ -30,7 +30,7 @@ cudaFree, cudaMallocManaged, cudaDeviceSynchronize, cudaEventRecord, cudaLaunchC ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradientMultiDeviceCG/README.md b/Samples/4_CUDA_Libraries/conjugateGradientMultiDeviceCG/README.md index f06d5833..f219d7a6 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradientMultiDeviceCG/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradientMultiDeviceCG/README.md @@ -30,7 +30,7 @@ cudaHostAlloc, cudaMemPrefetchAsync, cudaFree, cudaLaunchCooperativeKernel, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradientPrecond/README.md b/Samples/4_CUDA_Libraries/conjugateGradientPrecond/README.md index c7c9a56d..30a00455 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradientPrecond/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradientPrecond/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaMemset, cudaMalloc, cudaGetDeviceProperties ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/conjugateGradientUM/README.md b/Samples/4_CUDA_Libraries/conjugateGradientUM/README.md index 4a7cc76e..4d3ca843 100644 --- a/Samples/4_CUDA_Libraries/conjugateGradientUM/README.md +++ b/Samples/4_CUDA_Libraries/conjugateGradientUM/README.md @@ -28,7 +28,7 @@ cudaFree, cudaMallocManaged, cudaDeviceSynchronize, cudaMalloc, cudaGetDevicePro ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/README.md b/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/README.md index 44274e30..d955ee16 100644 --- a/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/README.md +++ b/Samples/4_CUDA_Libraries/cuSolverDn_LinearSolver/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaStreamDestroy, cudaFree, cudaDeviceSynchronize, cudaMemset, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cuSolverRf/README.md b/Samples/4_CUDA_Libraries/cuSolverRf/README.md index 63889b65..aaa2cbe2 100644 --- a/Samples/4_CUDA_Libraries/cuSolverRf/README.md +++ b/Samples/4_CUDA_Libraries/cuSolverRf/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaStreamDestroy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cuSolverSp_LinearSolver/README.md b/Samples/4_CUDA_Libraries/cuSolverSp_LinearSolver/README.md index 1024e795..210dd430 100644 --- a/Samples/4_CUDA_Libraries/cuSolverSp_LinearSolver/README.md +++ b/Samples/4_CUDA_Libraries/cuSolverSp_LinearSolver/README.md @@ -33,7 +33,7 @@ cudaStreamDestroy, cudaFree, cudaDeviceSynchronize, cudaMalloc, cudaStreamCreate ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelCholesky/README.md b/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelCholesky/README.md index b19e95ce..623227d9 100644 --- a/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelCholesky/README.md +++ b/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelCholesky/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaStreamDestroy, cudaFree, cudaMalloc, cudaStreamCreate ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelQR/README.md b/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelQR/README.md index 564c0043..4c3fa0e1 100644 --- a/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelQR/README.md +++ b/Samples/4_CUDA_Libraries/cuSolverSp_LowlevelQR/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaStreamDestroy, cudaFree, cudaMalloc, cudaStreamCreate ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/cudaNvSci/README.md b/Samples/4_CUDA_Libraries/cudaNvSci/README.md index d2f102dc..ac7ff197 100644 --- a/Samples/4_CUDA_Libraries/cudaNvSci/README.md +++ b/Samples/4_CUDA_Libraries/cudaNvSci/README.md @@ -33,7 +33,7 @@ cudaExternalMemoryGetMappedBuffer, cudaImportExternalSemaphore, cudaDeviceGetAtt ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/freeImageInteropNPP/README.md b/Samples/4_CUDA_Libraries/freeImageInteropNPP/README.md index c6537814..d59152e3 100644 --- a/Samples/4_CUDA_Libraries/freeImageInteropNPP/README.md +++ b/Samples/4_CUDA_Libraries/freeImageInteropNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaSetDevice, cudaGetDeviceCount, cudaDeviceInit, cudaDr ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/histEqualizationNPP/README.md b/Samples/4_CUDA_Libraries/histEqualizationNPP/README.md index b4da6cce..e27ee2d5 100644 --- a/Samples/4_CUDA_Libraries/histEqualizationNPP/README.md +++ b/Samples/4_CUDA_Libraries/histEqualizationNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaMemcpy, cudaFree, cudaSetDevice, cudaGetDeviceCount, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/jitLto/README.md b/Samples/4_CUDA_Libraries/jitLto/README.md index 12df1f4e..2c5d15c9 100644 --- a/Samples/4_CUDA_Libraries/jitLto/README.md +++ b/Samples/4_CUDA_Libraries/jitLto/README.md @@ -30,7 +30,7 @@ cuModuleLoad, cuModuleLoadDataEx, cuModuleGetFunction, cuMemAlloc, cuMemFree, cu ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/lineOfSight/README.md b/Samples/4_CUDA_Libraries/lineOfSight/README.md index e808e3ab..89a8f399 100644 --- a/Samples/4_CUDA_Libraries/lineOfSight/README.md +++ b/Samples/4_CUDA_Libraries/lineOfSight/README.md @@ -27,6 +27,6 @@ cudaCreateChannelDesc, cudaMallocArray, cudaFreeArray, cudaDeviceSynchronize, cu ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/matrixMulCUBLAS/README.md b/Samples/4_CUDA_Libraries/matrixMulCUBLAS/README.md index 14a14100..2d4b9b8e 100644 --- a/Samples/4_CUDA_Libraries/matrixMulCUBLAS/README.md +++ b/Samples/4_CUDA_Libraries/matrixMulCUBLAS/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaEventSynchronize, cudaEventRecord, cudaMalloc, cudaEve ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/nvJPEG/README.md b/Samples/4_CUDA_Libraries/nvJPEG/README.md index 2840aa79..973834d5 100644 --- a/Samples/4_CUDA_Libraries/nvJPEG/README.md +++ b/Samples/4_CUDA_Libraries/nvJPEG/README.md @@ -28,7 +28,7 @@ cudaHostAlloc, cudaStreamCreateWithFlags, cudaStreamDestroy, cudaFree, cudaEvent ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/nvJPEG_encoder/README.md b/Samples/4_CUDA_Libraries/nvJPEG_encoder/README.md index 67205879..15f109de 100644 --- a/Samples/4_CUDA_Libraries/nvJPEG_encoder/README.md +++ b/Samples/4_CUDA_Libraries/nvJPEG_encoder/README.md @@ -28,7 +28,7 @@ cudaFree, cudaGetErrorString, cudaEventSynchronize, cudaDeviceSynchronize, cudaE ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/oceanFFT/README.md b/Samples/4_CUDA_Libraries/oceanFFT/README.md index b5de0181..adf634b7 100644 --- a/Samples/4_CUDA_Libraries/oceanFFT/README.md +++ b/Samples/4_CUDA_Libraries/oceanFFT/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMalloc, cudaFree, cudaGraphicsResour ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/randomFog/README.md b/Samples/4_CUDA_Libraries/randomFog/README.md index 54fdb710..895f6c44 100644 --- a/Samples/4_CUDA_Libraries/randomFog/README.md +++ b/Samples/4_CUDA_Libraries/randomFog/README.md @@ -30,7 +30,7 @@ cudaMalloc, cudaGetErrorString, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUBLAS/README.md b/Samples/4_CUDA_Libraries/simpleCUBLAS/README.md index 9b7c0501..b381aac3 100644 --- a/Samples/4_CUDA_Libraries/simpleCUBLAS/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUBLAS/README.md @@ -30,7 +30,7 @@ cudaMalloc, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUBLASXT/README.md b/Samples/4_CUDA_Libraries/simpleCUBLASXT/README.md index 068a494f..64a884b2 100644 --- a/Samples/4_CUDA_Libraries/simpleCUBLASXT/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUBLASXT/README.md @@ -30,7 +30,7 @@ cudaGetDeviceProperties, cudaGetDeviceCount, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUBLAS_LU/README.md b/Samples/4_CUDA_Libraries/simpleCUBLAS_LU/README.md index 75306cf2..1b6e2bbc 100644 --- a/Samples/4_CUDA_Libraries/simpleCUBLAS_LU/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUBLAS_LU/README.md @@ -30,7 +30,7 @@ cudaGetErrorEnum, cudaMalloc, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUFFT/README.md b/Samples/4_CUDA_Libraries/simpleCUFFT/README.md index d91b6cf4..ac63e813 100644 --- a/Samples/4_CUDA_Libraries/simpleCUFFT/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUFFT/README.md @@ -30,7 +30,7 @@ cudaMalloc, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUFFT_2d_MGPU/README.md b/Samples/4_CUDA_Libraries/simpleCUFFT_2d_MGPU/README.md index 41f339bb..8d98df78 100644 --- a/Samples/4_CUDA_Libraries/simpleCUFFT_2d_MGPU/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUFFT_2d_MGPU/README.md @@ -30,7 +30,7 @@ cudaXtFree, cudaMemcpy, cudaFree, cudaSetDevice, cudaGetDeviceCount, cudaDeviceS ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUFFT_MGPU/README.md b/Samples/4_CUDA_Libraries/simpleCUFFT_MGPU/README.md index 8147c464..ac4a57c4 100644 --- a/Samples/4_CUDA_Libraries/simpleCUFFT_MGPU/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUFFT_MGPU/README.md @@ -30,7 +30,7 @@ cudaXtFree, cudaSetDevice, cudaGetDeviceCount, cudaDeviceSynchronize, cudaGetDev ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/simpleCUFFT_callback/README.md b/Samples/4_CUDA_Libraries/simpleCUFFT_callback/README.md index 36e2f61e..faf20779 100644 --- a/Samples/4_CUDA_Libraries/simpleCUFFT_callback/README.md +++ b/Samples/4_CUDA_Libraries/simpleCUFFT_callback/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaMemcpyFromSymbol, cudaGetDevice, cudaMalloc, cudaGetDe ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/4_CUDA_Libraries/watershedSegmentationNPP/README.md b/Samples/4_CUDA_Libraries/watershedSegmentationNPP/README.md index 0c2840bc..6db12b81 100644 --- a/Samples/4_CUDA_Libraries/watershedSegmentationNPP/README.md +++ b/Samples/4_CUDA_Libraries/watershedSegmentationNPP/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaFree, cudaDeviceGetAttribute, cudaDriverGetVersion, c ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/BlackScholes/README.md b/Samples/5_Domain_Specific/BlackScholes/README.md index 5ac6f457..6413271a 100644 --- a/Samples/5_Domain_Specific/BlackScholes/README.md +++ b/Samples/5_Domain_Specific/BlackScholes/README.md @@ -27,7 +27,7 @@ cudaMalloc, cudaDeviceSynchronize, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/BlackScholes_nvrtc/README.md b/Samples/5_Domain_Specific/BlackScholes_nvrtc/README.md index fdeaeff8..e719e0bc 100644 --- a/Samples/5_Domain_Specific/BlackScholes_nvrtc/README.md +++ b/Samples/5_Domain_Specific/BlackScholes_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/FDTD3d/README.md b/Samples/5_Domain_Specific/FDTD3d/README.md index 79e85511..5e02a9ba 100644 --- a/Samples/5_Domain_Specific/FDTD3d/README.md +++ b/Samples/5_Domain_Specific/FDTD3d/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaMalloc, cudaFree, cudaFuncGetAttributes, cudaSetDevice, cudaGetD ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/HSOpticalFlow/README.md b/Samples/5_Domain_Specific/HSOpticalFlow/README.md index 1fdeef72..e74734d6 100644 --- a/Samples/5_Domain_Specific/HSOpticalFlow/README.md +++ b/Samples/5_Domain_Specific/HSOpticalFlow/README.md @@ -27,7 +27,7 @@ cudaMalloc, cudaMemcpy, cudaMemset, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/Mandelbrot/README.md b/Samples/5_Domain_Specific/Mandelbrot/README.md index db51c422..d3bf1cf0 100644 --- a/Samples/5_Domain_Specific/Mandelbrot/README.md +++ b/Samples/5_Domain_Specific/Mandelbrot/README.md @@ -30,7 +30,7 @@ cudaGLUnmapBufferObject, cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaG ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/MonteCarloMultiGPU/README.md b/Samples/5_Domain_Specific/MonteCarloMultiGPU/README.md index d3d2ea4b..e0986d8b 100644 --- a/Samples/5_Domain_Specific/MonteCarloMultiGPU/README.md +++ b/Samples/5_Domain_Specific/MonteCarloMultiGPU/README.md @@ -30,7 +30,7 @@ cudaStreamDestroy, cudaMalloc, cudaFree, cudaMallocHost, cudaSetDevice, cudaEven ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/NV12toBGRandResize/README.md b/Samples/5_Domain_Specific/NV12toBGRandResize/README.md index 6d9bcc19..5741e19c 100644 --- a/Samples/5_Domain_Specific/NV12toBGRandResize/README.md +++ b/Samples/5_Domain_Specific/NV12toBGRandResize/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaStreamDestroy, cudaMalloc, cudaFree, cudaMallocManaged, cudaStre ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/SobelFilter/README.md b/Samples/5_Domain_Specific/SobelFilter/README.md index 8f97c6f1..3693a773 100644 --- a/Samples/5_Domain_Specific/SobelFilter/README.md +++ b/Samples/5_Domain_Specific/SobelFilter/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/SobolQRNG/README.md b/Samples/5_Domain_Specific/SobolQRNG/README.md index a3ecff76..98c54bd2 100644 --- a/Samples/5_Domain_Specific/SobolQRNG/README.md +++ b/Samples/5_Domain_Specific/SobolQRNG/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaDeviceSynchronize, cudaGetDevice, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/bicubicTexture/README.md b/Samples/5_Domain_Specific/bicubicTexture/README.md index 4298e2d0..21c45a38 100644 --- a/Samples/5_Domain_Specific/bicubicTexture/README.md +++ b/Samples/5_Domain_Specific/bicubicTexture/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaCreateChannelDesc, cudaMallocArray, cudaFreeArra ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/bilateralFilter/README.md b/Samples/5_Domain_Specific/bilateralFilter/README.md index a40f94b7..2673923b 100644 --- a/Samples/5_Domain_Specific/bilateralFilter/README.md +++ b/Samples/5_Domain_Specific/bilateralFilter/README.md @@ -30,7 +30,7 @@ cudaRuntimeGetVersion, cudaGraphicsUnmapResources, cudaMallocPitch, cudaFree, cu ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/binomialOptions/README.md b/Samples/5_Domain_Specific/binomialOptions/README.md index b82c5e5a..e5bb226c 100644 --- a/Samples/5_Domain_Specific/binomialOptions/README.md +++ b/Samples/5_Domain_Specific/binomialOptions/README.md @@ -27,7 +27,7 @@ cudaDeviceSynchronize, cudaMemcpyToSymbol, cudaMemcpyFromSymbol ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/binomialOptions_nvrtc/README.md b/Samples/5_Domain_Specific/binomialOptions_nvrtc/README.md index f422a372..5e1ad8f4 100644 --- a/Samples/5_Domain_Specific/binomialOptions_nvrtc/README.md +++ b/Samples/5_Domain_Specific/binomialOptions_nvrtc/README.md @@ -33,7 +33,7 @@ cudaBlockSize, cudaGridSize ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/convolutionFFT2D/README.md b/Samples/5_Domain_Specific/convolutionFFT2D/README.md index 074024e0..96830a0d 100644 --- a/Samples/5_Domain_Specific/convolutionFFT2D/README.md +++ b/Samples/5_Domain_Specific/convolutionFFT2D/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaFree, cudaDestroyTextureObject, cudaDeviceSynchronize, cudaCreat ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/dwtHaar1D/README.md b/Samples/5_Domain_Specific/dwtHaar1D/README.md index 32d1357f..c9341d1d 100644 --- a/Samples/5_Domain_Specific/dwtHaar1D/README.md +++ b/Samples/5_Domain_Specific/dwtHaar1D/README.md @@ -27,6 +27,6 @@ cudaMalloc, cudaMemcpy, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/dxtc/README.md b/Samples/5_Domain_Specific/dxtc/README.md index 91e0ff43..fd5a7471 100644 --- a/Samples/5_Domain_Specific/dxtc/README.md +++ b/Samples/5_Domain_Specific/dxtc/README.md @@ -27,7 +27,7 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaGetDevice, cudaMalloc, cudaGetD ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/fastWalshTransform/README.md b/Samples/5_Domain_Specific/fastWalshTransform/README.md index a092a80f..d21683d8 100644 --- a/Samples/5_Domain_Specific/fastWalshTransform/README.md +++ b/Samples/5_Domain_Specific/fastWalshTransform/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMemset, cudaMalloc ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/fluidsGL/README.md b/Samples/5_Domain_Specific/fluidsGL/README.md index 7f3b3a4d..ad43bfec 100644 --- a/Samples/5_Domain_Specific/fluidsGL/README.md +++ b/Samples/5_Domain_Specific/fluidsGL/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/marchingCubes/README.md b/Samples/5_Domain_Specific/marchingCubes/README.md index 5f15eba4..b23e9d25 100644 --- a/Samples/5_Domain_Specific/marchingCubes/README.md +++ b/Samples/5_Domain_Specific/marchingCubes/README.md @@ -30,7 +30,7 @@ cudaGLUnmapBufferObject, cudaGraphicsUnmapResources, cudaCreateChannelDesc, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/nbody/README.md b/Samples/5_Domain_Specific/nbody/README.md index bb4036bb..cc8befbe 100644 --- a/Samples/5_Domain_Specific/nbody/README.md +++ b/Samples/5_Domain_Specific/nbody/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaSetDeviceFlags, cudaGraphicsResourceSetMapFlags, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/p2pBandwidthLatencyTest/README.md b/Samples/5_Domain_Specific/p2pBandwidthLatencyTest/README.md index 59e6eeab..1e5ef8c1 100644 --- a/Samples/5_Domain_Specific/p2pBandwidthLatencyTest/README.md +++ b/Samples/5_Domain_Specific/p2pBandwidthLatencyTest/README.md @@ -27,6 +27,6 @@ cudaSetDevice, cudaEventDestroy, cudaOccupancyMaxPotentialBlockSize, cudaCheckEr ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/postProcessGL/README.md b/Samples/5_Domain_Specific/postProcessGL/README.md index effb247f..20f48423 100644 --- a/Samples/5_Domain_Specific/postProcessGL/README.md +++ b/Samples/5_Domain_Specific/postProcessGL/README.md @@ -30,7 +30,7 @@ cudaHostAlloc, cudaGraphicsUnmapResources, cudaMalloc, cudaFree, cudaGetChannelD ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/quasirandomGenerator/README.md b/Samples/5_Domain_Specific/quasirandomGenerator/README.md index 49f7ff74..e16f74fd 100644 --- a/Samples/5_Domain_Specific/quasirandomGenerator/README.md +++ b/Samples/5_Domain_Specific/quasirandomGenerator/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMemset, cudaMemcpyToSymbol, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/quasirandomGenerator_nvrtc/README.md b/Samples/5_Domain_Specific/quasirandomGenerator_nvrtc/README.md index da6ad701..642db3f1 100644 --- a/Samples/5_Domain_Specific/quasirandomGenerator_nvrtc/README.md +++ b/Samples/5_Domain_Specific/quasirandomGenerator_nvrtc/README.md @@ -30,7 +30,7 @@ cuMemcpyDtoH, cuMemAlloc, cuMemFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/recursiveGaussian/README.md b/Samples/5_Domain_Specific/recursiveGaussian/README.md index 6600f99b..710027f5 100644 --- a/Samples/5_Domain_Specific/recursiveGaussian/README.md +++ b/Samples/5_Domain_Specific/recursiveGaussian/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaGraphicsResourceGetMappedP ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleD3D11/README.md b/Samples/5_Domain_Specific/simpleD3D11/README.md index efa4af24..e5f9b657 100644 --- a/Samples/5_Domain_Specific/simpleD3D11/README.md +++ b/Samples/5_Domain_Specific/simpleD3D11/README.md @@ -30,7 +30,7 @@ cudaImportKeyedMutex, cudaExternalMemoryGetMappedBuffer, cudaStreamCreateWithFla ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleD3D11Texture/README.md b/Samples/5_Domain_Specific/simpleD3D11Texture/README.md index 613b9531..03bf0694 100644 --- a/Samples/5_Domain_Specific/simpleD3D11Texture/README.md +++ b/Samples/5_Domain_Specific/simpleD3D11Texture/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMalloc, cudaMallocPitch, cudaGetErrorString, cud ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleD3D12/README.md b/Samples/5_Domain_Specific/simpleD3D12/README.md index fbc27ef2..429d1922 100644 --- a/Samples/5_Domain_Specific/simpleD3D12/README.md +++ b/Samples/5_Domain_Specific/simpleD3D12/README.md @@ -30,7 +30,7 @@ cudaWaitExternalSemaphoresAsync, cudaExternalMemoryGetMappedBuffer, cudaImportEx ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleGL/README.md b/Samples/5_Domain_Specific/simpleGL/README.md index c60e9e12..1731d5a2 100644 --- a/Samples/5_Domain_Specific/simpleGL/README.md +++ b/Samples/5_Domain_Specific/simpleGL/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaGraphicsResourceGetMappedP ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleVulkan/README.md b/Samples/5_Domain_Specific/simpleVulkan/README.md index 9f488311..d202019a 100644 --- a/Samples/5_Domain_Specific/simpleVulkan/README.md +++ b/Samples/5_Domain_Specific/simpleVulkan/README.md @@ -30,7 +30,7 @@ cudaStreamCreateWithFlags, cudaExternalMemoryGetMappedBuffer, cudaSignalSemaphor ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/simpleVulkanMMAP/README.md b/Samples/5_Domain_Specific/simpleVulkanMMAP/README.md index 3ac927f9..a38c667a 100644 --- a/Samples/5_Domain_Specific/simpleVulkanMMAP/README.md +++ b/Samples/5_Domain_Specific/simpleVulkanMMAP/README.md @@ -33,7 +33,7 @@ cudaWaitExternalSemaphoresAsync, cudaImportExternalSemaphore, cudaDeviceGetAttri ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/smokeParticles/README.md b/Samples/5_Domain_Specific/smokeParticles/README.md index e2bee3f4..e5de93ed 100644 --- a/Samples/5_Domain_Specific/smokeParticles/README.md +++ b/Samples/5_Domain_Specific/smokeParticles/README.md @@ -30,7 +30,7 @@ cudaExtent, cudaPitchedPtr, cudaCreateTextureObject, cudaMemcpyToSymbol ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/stereoDisparity/README.md b/Samples/5_Domain_Specific/stereoDisparity/README.md index f1495125..6e4b4c2c 100644 --- a/Samples/5_Domain_Specific/stereoDisparity/README.md +++ b/Samples/5_Domain_Specific/stereoDisparity/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaEventSynchronize, cudaDeviceSynchronize, cudaCreateTex ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/5_Domain_Specific/volumeFiltering/README.md b/Samples/5_Domain_Specific/volumeFiltering/README.md index 96af932f..3e64d058 100644 --- a/Samples/5_Domain_Specific/volumeFiltering/README.md +++ b/Samples/5_Domain_Specific/volumeFiltering/README.md @@ -30,7 +30,7 @@ cudaMemcpy, cudaGraphicsMapResources, cudaDestroySurfaceObject, cudaExtent, cuda ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/volumeRender/README.md b/Samples/5_Domain_Specific/volumeRender/README.md index 21077a67..ae424442 100644 --- a/Samples/5_Domain_Specific/volumeRender/README.md +++ b/Samples/5_Domain_Specific/volumeRender/README.md @@ -30,7 +30,7 @@ cudaProfilerStop, cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaF ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/5_Domain_Specific/vulkanImageCUDA/README.md b/Samples/5_Domain_Specific/vulkanImageCUDA/README.md index 9a742ce4..2cb33f51 100644 --- a/Samples/5_Domain_Specific/vulkanImageCUDA/README.md +++ b/Samples/5_Domain_Specific/vulkanImageCUDA/README.md @@ -30,7 +30,7 @@ cudaVkSemaphoreSignal, cudaWaitExternalSemaphoresAsync, cudaMemcpy, cudaVkImport ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/6_Performance/UnifiedMemoryPerf/README.md b/Samples/6_Performance/UnifiedMemoryPerf/README.md index f42a7044..a9e6d637 100644 --- a/Samples/6_Performance/UnifiedMemoryPerf/README.md +++ b/Samples/6_Performance/UnifiedMemoryPerf/README.md @@ -28,7 +28,7 @@ cudaMemcpy, cudaStreamDestroy, cudaMemPrefetchAsync, cudaFree, cudaMallocHost, c ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/6_Performance/alignedTypes/README.md b/Samples/6_Performance/alignedTypes/README.md index e601499b..844eec9c 100644 --- a/Samples/6_Performance/alignedTypes/README.md +++ b/Samples/6_Performance/alignedTypes/README.md @@ -27,6 +27,6 @@ cudaMemcpy, cudaFree, cudaDeviceSynchronize, cudaMemset, cudaMalloc, cudaGetDevi ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/6_Performance/cudaGraphsPerfScaling/README.md b/Samples/6_Performance/cudaGraphsPerfScaling/README.md index 494c9433..2431e68a 100644 --- a/Samples/6_Performance/cudaGraphsPerfScaling/README.md +++ b/Samples/6_Performance/cudaGraphsPerfScaling/README.md @@ -27,6 +27,6 @@ cudaStreamBeginCapture, cudaGraphInstantiate, cudaGraphLaunch, cudaGraphUpload ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/6_Performance/transpose/README.md b/Samples/6_Performance/transpose/README.md index ae650043..39056a2c 100644 --- a/Samples/6_Performance/transpose/README.md +++ b/Samples/6_Performance/transpose/README.md @@ -27,7 +27,7 @@ cudaMemcpy, cudaMalloc, cudaFree, cudaGetLastError, cudaEventSynchronize, cudaEv ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/EGLSync_CUDAEvent_Interop/README.md b/Samples/8_Platform_Specific/Tegra/EGLSync_CUDAEvent_Interop/README.md index d412501a..a2163c3e 100644 --- a/Samples/8_Platform_Specific/Tegra/EGLSync_CUDAEvent_Interop/README.md +++ b/Samples/8_Platform_Specific/Tegra/EGLSync_CUDAEvent_Interop/README.md @@ -33,7 +33,7 @@ cudaMemcpy, cudaGetErrorString, cudaFree, cudaDeviceSynchronize, cudaGetValueMis ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cuDLAErrorReporting/README.md b/Samples/8_Platform_Specific/Tegra/cuDLAErrorReporting/README.md index 8bbb668f..08726974 100644 --- a/Samples/8_Platform_Specific/Tegra/cuDLAErrorReporting/README.md +++ b/Samples/8_Platform_Specific/Tegra/cuDLAErrorReporting/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaStreamDestroy, cudaFree, cudaGetErrorName, cudaSe ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cuDLAHybridMode/README.md b/Samples/8_Platform_Specific/Tegra/cuDLAHybridMode/README.md index d2a3778b..f36ec978 100644 --- a/Samples/8_Platform_Specific/Tegra/cuDLAHybridMode/README.md +++ b/Samples/8_Platform_Specific/Tegra/cuDLAHybridMode/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaStreamDestroy, cudaFree, cudaGetErrorName, cudaSe ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsHybrid/README.md b/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsHybrid/README.md index 9ad11c43..d2c3c44a 100644 --- a/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsHybrid/README.md +++ b/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsHybrid/README.md @@ -27,6 +27,6 @@ cudaStreamCreateWithFlags, cudaStreamDestroy, cudaFree, cudaGetErrorName, cudaSe ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsStandalone/README.md b/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsStandalone/README.md index 8348e83e..bb02df7f 100644 --- a/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsStandalone/README.md +++ b/Samples/8_Platform_Specific/Tegra/cuDLALayerwiseStatsStandalone/README.md @@ -27,7 +27,7 @@ aarch64 ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cuDLAStandaloneMode/README.md b/Samples/8_Platform_Specific/Tegra/cuDLAStandaloneMode/README.md index 2c72ee04..391e41f5 100644 --- a/Samples/8_Platform_Specific/Tegra/cuDLAStandaloneMode/README.md +++ b/Samples/8_Platform_Specific/Tegra/cuDLAStandaloneMode/README.md @@ -27,7 +27,7 @@ aarch64 ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/cudaNvSciNvMedia/README.md b/Samples/8_Platform_Specific/Tegra/cudaNvSciNvMedia/README.md index 9c25fd3e..e5d97d8d 100644 --- a/Samples/8_Platform_Specific/Tegra/cudaNvSciNvMedia/README.md +++ b/Samples/8_Platform_Specific/Tegra/cudaNvSciNvMedia/README.md @@ -33,7 +33,7 @@ cudaImportExternalSemaphore, cudaGetMipmappedArrayLevel, cudaSetDevice, cudaDest ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/fluidsGLES/README.md b/Samples/8_Platform_Specific/Tegra/fluidsGLES/README.md index 75ee3111..d8b90b0a 100644 --- a/Samples/8_Platform_Specific/Tegra/fluidsGLES/README.md +++ b/Samples/8_Platform_Specific/Tegra/fluidsGLES/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaMallocArray, cudaFreeArray, cudaFree ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/nbody_opengles/README.md b/Samples/8_Platform_Specific/Tegra/nbody_opengles/README.md index 3a20edb5..35a8283e 100644 --- a/Samples/8_Platform_Specific/Tegra/nbody_opengles/README.md +++ b/Samples/8_Platform_Specific/Tegra/nbody_opengles/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaSetDeviceFlags, cudaGraphicsResourceSetMapFlags, ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/simpleGLES/README.md b/Samples/8_Platform_Specific/Tegra/simpleGLES/README.md index 39e61d85..b7cf1d8e 100644 --- a/Samples/8_Platform_Specific/Tegra/simpleGLES/README.md +++ b/Samples/8_Platform_Specific/Tegra/simpleGLES/README.md @@ -30,7 +30,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaGraphicsResourceGetMappedP ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details) diff --git a/Samples/8_Platform_Specific/Tegra/simpleGLES_EGLOutput/README.md b/Samples/8_Platform_Specific/Tegra/simpleGLES_EGLOutput/README.md index b2da41b5..e36e5870 100644 --- a/Samples/8_Platform_Specific/Tegra/simpleGLES_EGLOutput/README.md +++ b/Samples/8_Platform_Specific/Tegra/simpleGLES_EGLOutput/README.md @@ -35,7 +35,7 @@ cudaGraphicsUnmapResources, cudaMemcpy, cudaFree, cudaGraphicsResourceGetMappedP ## Prerequisites -Download and install the [CUDA Toolkit 12.5](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. +Download and install the [CUDA Toolkit](https://developer.nvidia.com/cuda-downloads) for your corresponding platform. Make sure the dependencies mentioned in [Dependencies]() section above are installed. ## References (for more details)