Search Options

Results per page
Sort
Preferred Languages
Advance

Results 1 - 10 of 13 for cudnn (0.04 sec)

  1. tensorflow/compiler/mlir/tfrt/tests/tfrt_fallback/BUILD

    #         "fallback_tensor_conversion_host.mlir": ["nomsan"],  # Can't instrument code in precompiled lib (cuDNN)
    #         "kernel_fallback_op_handler.mlir": ["nomsan"],  # Can't instrument code in precompiled lib (cuDNN)
    #         "mnist.mlir": ["nomsan"],  # Can't instrument code in precompiled lib (cuDNN)
    #         "runtime_fallback_op_handler.mlir": ["nomsan"],  # Can't instrument code in precompiled lib (cuDNN)
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Mar 27 18:00:18 UTC 2024
    - 6.2K bytes
    - Viewed (0)
  2. ci/official/containers/linux_arm64/cuda.packages.txt

    # CuDNN: https://docs.nvidia.com/deeplearning/sdk/cudnn-install/index.html#ubuntu-network-installation
    libcudnn9-dev-cuda-12=9.1.1.17-1
    libcudnn9-cuda-12=9.1.1.17-1
    
    # This can be removed once NVIDIA publishes a cuda-12.3.2 Docker image.
    # For now it ensures that we install at least version 12.3.107 of PTXAS,
    # since 12.3.103 has a bug.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Fri May 24 17:22:37 UTC 2024
    - 366 bytes
    - Viewed (0)
  3. .github/bot_config.yml

           * Try adding the CUDA, CUPTI, and cuDNN installation directories to the %PATH% environment variable.
           * Refer [windows setup guide](https://www.tensorflow.org/install/gpu#windows_setup).
         * If you have above configuration and using _**Ubuntu/Linux**_ platform -
           * Try adding the CUDA, CUPTI, and cuDNN installation directories to the $LD_LIBRARY_PATH environment variable.
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Jun 03 04:55:57 UTC 2024
    - 4K bytes
    - Viewed (0)
  4. tensorflow/compiler/mlir/tensorflow/tests/layout_optimization_layout_assignment_gpu_cc_60.mlir

    } {
    
    // CHECK-LABEL: func @transposeConv2D_3x3_f16
    func.func @transposeConv2D_3x3_f16(%input: tensor<1x28x28x64xf16>, %filter: tensor<3x3x64x64xf16>) -> tensor<1x26x26x64xf16> {
      // cuDNN prefers NCHW data format for spatial convolutions in f16 before
      // compute capability 7.0 (NVIDIA Tensor Cores).
    
      // CHECK: "tf.Conv2D"(%[[INPUT_TRANSPOSE:[0-9]*]], %arg1)
      // CHECK-SAME: data_format = "NCHW"
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 21 08:41:18 UTC 2022
    - 5.8K bytes
    - Viewed (0)
  5. .github/ISSUE_TEMPLATE/tensorflow_issue_template.yaml

      - type: input
        id: Compiler
        attributes:
          label: GCC/compiler version
          description: If compiling from source
      - type: input
        id: Cuda
        attributes:
          label: CUDA/cuDNN version
      - type: input
        id: Gpu
        attributes:
          label: GPU model and memory
          description: If compiling from source
      - type: textarea
        id: what-happened
        attributes:
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Wed Jun 28 18:25:42 UTC 2023
    - 3.7K bytes
    - Viewed (0)
  6. .github/ISSUE_TEMPLATE/tflite-other.md

    -   type: input id: Compiler attributes: label: GCC/Compiler version
        description: if compiling from source placeholder: validations: required:
        false
    
    -   type: input id: Cuda attributes: label: CUDA/cuDNN version description:
        placeholder: validations: required: false
    
    -   type: input id: Gpu attributes: label: GPU model and memory description: if
        compiling from source placeholder: validations: required: false
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Thu Dec 29 22:28:29 UTC 2022
    - 3.4K bytes
    - Viewed (0)
  7. tensorflow/compiler/mlir/tensorflow/tests/layout_optimization_layout_assignment_gpu_cc_70.mlir

    } {
    
    // CHECK-LABEL: func @transposeConv2D_3x3_f32
    func.func @transposeConv2D_3x3_f32(%input: tensor<1x28x28x64xf32>, %filter: tensor<3x3x64x64xf32>) -> tensor<1x26x26x64xf32> {
      // cuDNN prefers NCHW data format for spatial convolutions.
      // CHECK: "tf.Conv2D"(%[[INPUT_TRANSPOSE:[0-9]*]], %arg1)
      // CHECK-SAME: data_format = "NCHW"
      %0 = "tf.Conv2D"(%input, %filter)
           {
             data_format = "NHWC",
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 21 08:41:18 UTC 2022
    - 8.5K bytes
    - Viewed (0)
  8. configure.py

      environ_cp['TF_CUDA_VERSION'] = tf_cuda_version
    
    
    def set_tf_cudnn_version(environ_cp):
      """Set TF_CUDNN_VERSION."""
      ask_cudnn_version = (
          'Please specify the cuDNN version you want to use. '
          '[Leave empty to default to cuDNN %s]: ') % _DEFAULT_CUDNN_VERSION
      tf_cudnn_version = get_from_env_or_user_or_default(environ_cp,
                                                         'TF_CUDNN_VERSION',
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Mon Jun 10 04:32:44 UTC 2024
    - 53.8K bytes
    - Viewed (0)
  9. RELEASE.md

        for more details.
    
    ## Deprecations
    
    *   TensorFlow 1.2 may be the last time we build with cuDNN 5.1. Starting with
        TensorFlow 1.3, we will try to build all our prebuilt binaries with cuDNN
        6.0. While we will try to keep our source code compatible with cuDNN 5.1, it
        will be best effort.
    
    ## Breaking Changes to the API
    
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Jun 11 23:24:08 UTC 2024
    - 730.3K bytes
    - Viewed (0)
  10. tensorflow/compiler/jit/compilability_check_util.cc

      // b/111271662: MatrixSolve performance issues.
      // https://github.com/tensorflow/tensorflow/pull/31012:
      //    ResizeNearestNeighbor, ResizeBilinear, and ResizeBilinearGrad sometimes
      //    create convolutions too large for CuDNN to handle.
      return node.type_string() == "SelfAdjointEigV2" ||
             node.type_string() == "Svd" || node.type_string() == "Qr" ||
             node.type_string() == "MatrixInverse" ||
    Registered: Sun Jun 16 05:45:23 UTC 2024
    - Last Modified: Tue Mar 12 06:33:33 UTC 2024
    - 30.3K bytes
    - Viewed (0)
Back to top