- html - 出于某种原因,IE8 对我的 Sass 文件中继承的 html5 CSS 不友好?
- JMeter 在响应断言中使用 span 标签的问题
- html - 在 :hover and :active? 上具有不同效果的 CSS 动画
- html - 相对于居中的 html 内容固定的 CSS 重复背景?
我正在尝试在我的 RTX 3070 GPU 上训练我的 tensorflow 模型。我正在使用 anaconda 虚拟环境,提示显示已成功检测到 GPU,并且没有显示任何错误或警告,但只要模型开始训练,它就会使用 CPU。
我的 Anaconda 提示:
2020-11-28 19:38:17.373117: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudart64_110.dll
2020-11-28 19:38:17.378626: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublas64_11.dll
2020-11-28 19:38:17.378679: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublasLt64_11.dll
2020-11-28 19:38:17.381802: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cufft64_10.dll
2020-11-28 19:38:17.382739: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library curand64_10.dll
2020-11-28 19:38:17.389401: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cusolver64_10.dll
2020-11-28 19:38:17.391830: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cusparse64_11.dll
2020-11-28 19:38:17.392332: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudnn64_8.dll
2020-11-28 19:38:17.392422: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1866] Adding visible gpu devices: 0
2020-11-28 19:38:26.072912: I tensorflow/core/platform/cpu_feature_guard.cc:142] This TensorFlow binary is optimized with oneAPI Deep Neural Network Library (oneDNN) to use the following CPU instructions in performance-critical operations: AVX2
To enable them in other operations, rebuild TensorFlow with the appropriate compiler flags.
2020-11-28 19:38:26.073904: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1724] Found device 0 with properties:
pciBusID: 0000:08:00.0 name: GeForce RTX 3070 computeCapability: 8.6
coreClock: 1.725GHz coreCount: 46 deviceMemorySize: 8.00GiB deviceMemoryBandwidth: 417.29GiB/s
2020-11-28 19:38:26.073984: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudart64_110.dll
2020-11-28 19:38:26.074267: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublas64_11.dll
2020-11-28 19:38:26.074535: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublasLt64_11.dll
2020-11-28 19:38:26.074775: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cufft64_10.dll
2020-11-28 19:38:26.075026: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library curand64_10.dll
2020-11-28 19:38:26.075275: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cusolver64_10.dll
2020-11-28 19:38:26.075646: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cusparse64_11.dll
2020-11-28 19:38:26.075871: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudnn64_8.dll
2020-11-28 19:38:26.076139: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1866] Adding visible gpu devices: 0
2020-11-28 19:38:26.738596: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1265] Device interconnect StreamExecutor with strength 1 edge matrix:
2020-11-28 19:38:26.738680: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1271] 0
2020-11-28 19:38:26.739375: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1284] 0: N
2020-11-28 19:38:26.740149: I tensorflow/core/common_runtime/gpu/gpu_device.cc:1410] Created TensorFlow device (/job:localhost/replica:0/task:0/device:GPU:0 with 6589 MB memory) -> physical GPU (device: 0, name: GeForce RTX 3070, pci bus id: 0000:08:00.0, compute capability: 8.6)
2020-11-28 19:38:26.741055: I tensorflow/compiler/jit/xla_gpu_device.cc:99] Not creating XLA devices, tf_xla_enable_xla_devices not set
2020-11-28 19:38:28.028828: I tensorflow/compiler/mlir/mlir_graph_optimization_pass.cc:126] None of the MLIR optimization passes are enabled (registered 2)
2020-11-28 19:38:32.428408: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cudnn64_8.dll
2020-11-28 19:38:33.305827: I tensorflow/stream_executor/cuda/cuda_dnn.cc:344] Loaded cuDNN version 8004
2020-11-28 19:38:33.753275: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublas64_11.dll
2020-11-28 19:38:34.603341: I tensorflow/stream_executor/platform/default/dso_loader.cc:49] Successfully opened dynamic library cublasLt64_11.dll
2020-11-28 19:38:34.610934: I tensorflow/stream_executor/cuda/cuda_blas.cc:1838] TensorFloat-32 will be used for the matrix multiplication. This will only be logged once.
我的模型代码:
inputs = keras.Input(shape=(None,), dtype="int32")
x = layers.Embedding(max_features, 128)(inputs)
x = layers.Bidirectional(layers.LSTM(64, return_sequences=True))(x)
x = layers.Bidirectional(layers.LSTM(64))(x)
outputs = layers.Dense(1, activation="sigmoid")(x)
model = keras.Model(inputs, outputs)
model.compile("adam", "binary_crossentropy", metrics=["accuracy"])
model.fit(x_train, y_train, batch_size=32, epochs=2, validation_data=(x_val, y_val))
我正在使用:
我知道我的 GPU 没有被使用,因为它的利用率为 1%,而我的 CPU 为 60%,其顶级进程是 python。
任何人都可以帮助我使用 GPU 进行模型训练吗?
最佳答案
您很可能将 Tensorflow 用于 CPU,而不是用于 GPU。执行“pip uninstall tensorflow”和“pip install tensorflow-gpu”来安装适合使用 GPU 的。
关于python - Tensorflow 在 CPU 而不是 RTX 3000 系列 GPU 上训练,我们在Stack Overflow上找到一个类似的问题: https://stackoverflow.com/questions/65056018/
RTX 3080显卡采用了很多的新功能和新的材料,让很多喜欢显卡的用户都非常的喜欢,而今天我们就给大家带来了RTX 3080评测、跑分、价格、参数、图片,快来一起了解一下吧。 RTX 3080
使用 AMILIE SDK RTX4140_...通过 RTX 编译项目后如何在 RTX 开发套件中部署十六进制文件[Board]。 开发套件设备图像 http://www.rtx.dk/RTX41x
万众期待的RX 6800显卡已经成功发布了受到了很多用户的期待,而且里面还加入了很多的新功能可以让你更好的发挥性能,具体的信息就来看看下面的RX 6800评测、跑分、价格、参数、图片吧。 RX
我们必须在我们的项目中使用 RL-RTX (RTOS)。我们必须制作一些网页。我们有使用“go-ahead webserver”在 Linux 中构建网页的经验。 我们可以用 C 语言编码并将可执行文
FreeRTOS 和 CMSIS-RTOS 有什么区别?谁能解释这两个 RTOS 的相似之处或不同之处? 最佳答案 我认为这里的混淆来源是存在 CMSIS-RTOS API( v1 和 v2 ),并且
我使用 Java 创建了一个记事本应用程序,它位于 jar 文件中。 我使用它创建了一个文本文件,并使用文件扩展名 .rtx 将其保存。 现在我想在 Windows 或任何其他平台中右键单击 file
NVIDIA GeForce RTX 3070 with CUDA capability sm_86 is not compatiblewith the current PyTorch install
我正在 4x RTX 3090 上运行一个用 TensorFlow 1.x 编写的模型,它需要很长时间 开始培训 比在 1x RTX 3090 中的效果好。尽管在训练开始时,它在 4x 中比在 1x
这是我在 64gb ram CPU 上尝试运行的训练代码暗恋 RTX 2070 config = tf.ConfigProto() config.gpu_options.per_process_gpu
由于与 VR 的一些兼容性问题,我正在尝试使用我的 RTX 3080 将 7200x3600 60fps h265 视频转换为 h264 编解码器。 此命令行导致“No NVENC capable d
我们在KEIL IDE中有一个LPC2148的项目,里面有RTX内核程序和其他程序,它是由ARM CC编译的。现在我们需要将IDE从KEIL(ARM CC)更改为Eclipse(GCC)。当我们尝试在
我目前正在尝试使用去年发布的深度学习算法(https://github.com/talmo/leap)来分析小鼠的行为。到目前为止,我已经使用了 Quadro P400,它与 CUDA 9.0 配合得
我正在尝试在我的 RTX 3070 GPU 上训练我的 tensorflow 模型。我正在使用 anaconda 虚拟环境,提示显示已成功检测到 GPU,并且没有显示任何错误或警告,但只要模型开始训练
在我使用 RTX2070 SUPER 运行 Pytorch Yolov4 之前,现在我的 PC 已更改为使用 RTX3060、ASUS KO GeForce RTX™ 3060 OC。 我已经删除了现
您好,我想知道让 ARM Cortex M0+ 进入深度 sleep 的正确方法是什么。特别是我正在使用 CMSIS-RTOS RTX。 我的 IRQ 处理方式是 ISR 只是设置 OS Signal
我正在尝试使用 OPENCV_DNN_CUDA=ON 构建 OpenCV 4.2.0在 Ubuntu 18.04 中,但即使我有一个具有 CC 7.5 的 NVIDIA 2080TI GPU,我也会收
我今天刚拿到 2080 ti,并将其连接起来,在我的模型上进行 Keras 实验。但由于某种原因,当我在密集模型上训练时,2080 ti 比我的 CPU(i7 4790k)慢 2 倍,而且肯定比我的旧
如果我运行以下命令: import torch import sys print('A', sys.version) print('B', torch.__version__) print('C',
这是我的系统规范: 使用 Windows 10 和 Ubuntu 20.04 进行双启动 AMD 锐龙 3700X、x570 Aorus、Nvidia RTX 3090 GPU 技嘉 Titan Ri
我是一名优秀的程序员,十分优秀!