1. 程式人生 > >Windows下anaconda+pycharm安裝tensorflow,matplotlib,numpy

Windows下anaconda+pycharm安裝tensorflow,matplotlib,numpy

anaconda+pycharm安裝tensorflow,matplotlib,numpy,網上有關的教程很多,但經過我親生經歷,我的不能用,如果你使用的python3.6,那麼請按照我的步驟,進行,

anaconda是一個非常厲害的python的庫管理器,但是有時候也會引起很大的麻煩,下面我說一下我的安裝思路

1.首先你要安裝anaconda和配置anaconda的環境變數(網上教程很多),

2.開啟你的anaconda的anaconda prompt命令符,輸入一下的命令

conda create -n tensorflow python=3.6
activate tensorflow
conda install pandas matplotlib jupyter notebook scipy scikit-learn nltk
conda install -c conda-forge tensorflow keras

這裡說一下最好安裝python3.5或者python3.6,不然很麻煩。。。。。

安裝後開啟pycharm並配置直譯器,執行

import tensorflow as tf
import numpy as np
import matplotlib.pyplot as plt

# 使用numpy生成200個隨機點
x_data = np.linspace(-0.5, 0.5, 200)[:, np.newaxis]
noise = np.random.normal(0, 0.02, x_data.shape)
y_data = np.square(x_data) + noise

# 定義兩個placeholder
x = tf.placeholder(tf.float32, [None, 1]) y = tf.placeholder(tf.float32, [None, 1]) # 構建神經網路中間層 Weights_l1 = tf.Variable(tf.random_normal([1, 10])) # 1 10 biases_l1 = tf.Variable(tf.zeros([1, 10])) Wx_plus_b_l1 = tf.matmul(x, Weights_l1) + biases_l1 Li = tf.nn.tanh(Wx_plus_b_l1) # 定義神經網路輸出層 Weights_l2 = tf.Variable(tf.random_normal([10
, 1])) biases_l2 = tf.Variable(tf.zeros([1, 1])) Wx_plus_b_l2 = tf.matmul(Li, Weights_l2) + biases_l2 prediction = tf.nn.tanh(Wx_plus_b_l2) # 二次代價函式(方差) loss = tf.reduce_mean(tf.square(y - prediction)) # 梯度下降法 train_stop = tf.train.GradientDescentOptimizer(0.1).minimize(loss) with tf.Session() as sess: # 變數的初始化 sess.run(tf.global_variables_initializer()) for step in range(2000): sess.run(train_stop, feed_dict={x: x_data, y: y_data}) # 獲得預測值 prediction_value = sess.run(prediction, feed_dict={x: x_data}) # 畫圖 plt.figure() plt.scatter(x_data, y_data) plt.plot(x_data, prediction_value, 'r-', lw=5) plt.show()

這裡這時會報

Intel MKL FATAL ERROR: Cannot load mkl_intel_thread.dll.
這個錯誤的解決方案時,開啟命令符輸入where mkl_rt
這裡可以看到一個路徑,這個路徑就是你之前安裝anaconda時的新增的環境變數,然後在環境變數中去除這個路徑,然後在命令符重新輸入where mkl_rt ,如果出現“資訊: 用提供的模式無法找到檔案”,說明你成功了,重啟pycharm執行上面的py程式碼,就可以看到程式成功執行