AttributeError: モジュール 'tensorflow' には 'placeholder' という属性がありません。
2022-02-10 11:34:16
質問理由
現在のtensorflowのバージョンにマッチしないメソッドを使用している
解決方法
1. Tensorflow チームが提供する解決策
import tensorflow.compat.v1 as tf
tf.disable_v2_behavior()
2. 2.0以下のバージョンに対応するtensorflowを再ダウンロードする。
3. 3.新しい使用方法に合わせ、解決策を説明するために、mnistベースのセルフエンコーダのリファクタリングの例を以下に示します。
from keras.layers import Input, Dense
from keras.models import Model
from keras.datasets import mnist
import numpy as np
# this is the size of our encoded representations
encoding_dim = 32 # 32 floats -> compression of factor 24.5, assuming the input is 784 floats
# this is our input placeholder
input_img = Input(shape=(784,))
# "encoded" is the encoded representation of the input
encoded = Dense(encoding_dim, activation='relu')(input_img)
# "decoded" is the lossy reconstruction of the input
decoded = Dense(784, activation='sigmoid')(encoded)
# this model maps an input to its reconstruction
autoencoder = Model(input=input_img, output=decoded)
autoencoder.compile(optimizer='adadelta', loss='binary_crossentropy')
(x_train, _), (x_test, _) = mnist.load_data()
x_train = x_train.astype('float32') / 255.
x_test = x_test.astype('float32') / 255. x_train = x_train.astype('float32') / 255.
x_train = x_train.reshape((len(x_train), np.prod(x_train.shape[1:])))
x_test = x_test.reshape((len(x_test), np.prod(x_test.shape[1:])))
print x_train.shape
print x_test.shape
autoencoder.fit(x_train, x_train,
nb_epoch=50,
batch_size=256,
shuffle=True,
validation_data=(x_test, x_test))
モデルとmnistのインポートメソッドを調整した結果
import tensorflow as tf
import tensorflow.keras as keras
import tensorflow.keras.layers as layers
import numpy as np
import tensorflow.compat.v1 as tf
tf.disable_v2_behavior()
# this is the size of our encoded representations
encoding_dim = 32 # 32 floats -> compression of factor 24.5, assuming the input is 784 floats
# this is our input placeholder
input_img = layers.Input(shape=(784,))
# "encoded" is the encoded representation of the input
encoded = layers.Dense(encoding_dim, activation='relu')(input_img)
# "decoded" is the lossy reconstruction of the input
decoded = layers.Dense(784, activation='sigmoid')(encoded)
# this model maps an input to its reconstruction
autoencoder = tf.keras.Model(input_img,decoded)
autoencoder.compile(optimizer='adadelta', loss='binary_crossentropy')
(x_train, _), (x_test, _) = keras.datasets.mnist.load_data()
x_train = x_train.astype('float32') / 255.
x_test = x_test.astype('float32') / 255. x_train = x_train.astype('float32') / 255.
x_train = x_train.reshape((len(x_train), np.prod(x_train.shape[1:])))
x_test = x_test.reshape((len(x_test), np.prod(x_test.shape[1:])))
print (x_train.shape)
print (x_test.shape)
autoencoder.fit(x_train, x_train,
nb_epoch=50,
batch_size=256,
shuffle=True,
validation_data=(x_test, x_test))
#E7.11 poch 50/50,60000/60000 [==============================] - 2s 41us/sample - loss: 0.6835 - val_loss: 0.6832
参考
1. https://github.com/theislab/scgen/issues/14
関連
-
[解決済み】TensorFlowで*.pbファイルを使用する方法とその動作は?
-
[解決済み] WSL2- $nvidia-smi コマンドが実行されない
-
[解決済み] tf.nn.reluの "relu "とは何の略ですか?
-
TensorFlow cnn-cifar10 サンプルコード詳細
-
tensorflow ステップピットシェア。AttributeError: モジュール 'tensorflow' には属性 'xxx' がありません。
-
AttributeError: モジュール 'tensorflow' には 'placeholder' という属性がないことを解決する。
-
AttributeError: モジュール 'tensorflow'に属性 'placeholder' がない問題
-
[Untitled] AttributeError: module 'tensorflow' has no attribute 'placeholder' error resolved.
-
Tensorflowの実行エラー。tensorflow.contrib'という名前のモジュールがありません。
-
テンソルフロー学習ノート(II): テンソル変換
最新
-
nginxです。[emerg] 0.0.0.0:80 への bind() に失敗しました (98: アドレスは既に使用中です)
-
htmlページでギリシャ文字を使うには
-
ピュアhtml+cssでの要素読み込み効果
-
純粋なhtml + cssで五輪を実現するサンプルコード
-
ナビゲーションバー・ドロップダウンメニューのHTML+CSSサンプルコード
-
タイピング効果を実現するピュアhtml+css
-
htmlの選択ボックスのプレースホルダー作成に関する質問
-
html css3 伸縮しない 画像表示効果
-
トップナビゲーションバーメニュー作成用HTML+CSS
-
html+css 実装 サイバーパンク風ボタン
おすすめ
-
[解決済み】Tensorflow: tf.expand_dimsはいつ使う?
-
[解決済み】Cuda 9.0とcudnn 7.1と互換性のあるtensorflowのバージョンはありますか?
-
Tensorflow protobufのバージョンエラー対策 (AttributeError: 'module' オブジェクトに 'Default' 属性がない)
-
[解決済み] tf.train.shuffle_batchはどのように動作するのですか?
-
[解決済み] Tensorflowにおけるglobal_stepの意味とは?
-
[解決済み] tf.int64をtf.float32に変換する方法は?
-
[解決済み] tf.keras.Inputで形状を理解する?
-
tensorflowのCUDAドライババージョンがCUDAランタイムバージョンに対して不足している 問題が解決された
-
デバイスから 18.41M (19300352 bytes) の割り当てに失敗しました。CUDA_ERROR_OUT_OF_MEMORY
-
Tensorflowは、'_pywrap_tensorflow_internal'という名前のモジュールがないことを解決する。