Coder Social home page Coder Social logo

khomz / tensorflow-with-khom Goto Github PK

View Code? Open in Web Editor NEW
1.0 1.0 0.0 3.04 MB

This repo is for tensorflow learning.

License: GNU General Public License v3.0

Jupyter Notebook 100.00%
digit-recognition digit-recognition-mnist save-and-load-models

tensorflow-with-khom's Introduction

tensorflow-with-khom

This repo is for tensorflow learning.

tensorflow-with-khom's People

Contributors

khomz avatar

Stargazers

 avatar

Watchers

 avatar

tensorflow-with-khom's Issues

gan-issue

File "E:\GAN-for-Character-Generation-master\nepali_dcgan.py", line 273, in
File "E:\GAN-for-Character-Generation-master\nepali_dcgan.py", line 259, in main
dcgan.train(epochs=args.epochs, batch_size=args.batch_size, save_interval=args.save_interval, )
File "E:\GAN-for-Character-Generation-master\nepali_dcgan.py", line 111, in train
(X_train, _) = self.load_data()
File "E:\GAN-for-Character-Generation-master\nepali_dcgan.py", line 182, in load_data
images = os.listdir(self.train_folder+self.to_pre+'/')
FileNotFoundError: [WinError 3] The system cannot find the path specified: 'train_folderKA/'

NameError: name 'ratios' is not defined


NameError Traceback (most recent call last)
in ()
3 fig, ax = plt.subplots()
4
----> 5 My_means = ratios.pivot_table('Data', 'Sample ID', 'User ID', aggfunc= np.mean)
6 # My_stds = ratios.pivot_table('Data', 'Sample ID', 'User ID', aggfunc= np.std)
7 # plot_it = My_means.plot(kind='bar', ax=ax, โ€ฆ)

NameError: name 'ratios' is not defined

TypeError: ('Keyword argument not understood:', 'stridges')


TypeError Traceback (most recent call last)
in ()
----> 1 generator = make_generator_model()
2
3 noise = tf.random.normal([1, 100])
4 generated_image = generator(noise, training=False)
5

6 frames
/usr/local/lib/python3.7/dist-packages/keras/utils/generic_utils.py in validate_kwargs(kwargs, allowed_kwargs, error_message)
1172 for kwarg in kwargs:
1173 if kwarg not in allowed_kwargs:
-> 1174 raise TypeError(error_message, kwarg)
1175
1176

TypeError: ('Keyword argument not understood:', 'stridges')

ValueError: Input 0 of layer "sequential_2" is incompatible with the layer: expected shape=(None, 28, 28, 1), found shape=(1, 14, 14, 1)


ValueError Traceback (most recent call last)
in ()
1 discriminator = make_discriminator_model()
----> 2 decision = discriminator(generated_image)
3 print (decision)

1 frames
/usr/local/lib/python3.7/dist-packages/keras/engine/input_spec.py in assert_input_compatibility(input_spec, inputs, layer_name)
262 if spec_dim is not None and dim is not None:
263 if spec_dim != dim:
--> 264 raise ValueError(f'Input {input_index} of layer "{layer_name}" is '
265 'incompatible with the layer: '
266 f'expected shape={spec.shape}, '

ValueError: Input 0 of layer "sequential_2" is incompatible with the layer: expected shape=(None, 28, 28, 1), found shape=(1, 14, 14, 1)

ModuleNotFoundError: No module named 'tensorflow.examples'


ModuleNotFoundError Traceback (most recent call last)
in ()
5 get_ipython().magic('matplotlib inline')
6
----> 7 from tensorflow.examples.tutorials.mnist import input_data
8 mnist = input_data.read_data_sets("MNIST_data/")

ModuleNotFoundError: No module named 'tensorflow.examples'


NOTE: If your import is failing due to a missing package, you can
manually install dependencies using either !pip or !apt.

To view examples of installing some common dependencies, click the
"Open Examples" button below.

AttributeError: module 'keras.api._v2.keras.datasets.mnist' has no attribute 'load_dat'


AttributeError Traceback (most recent call last)
in ()
3 mnist = tf.keras.datasets.mnist # 28x28 images of handwritten digits 0-9
4
----> 5 (x_train, y_train), (x_test, y_test) = mnist.load_dat()

AttributeError: module 'keras.api._v2.keras.datasets.mnist' has no attribute 'load_dat'

`import tensorflow as tf

mnist = tf.keras.datasets.mnist # 28x28 images of handwritten digits 0-9

(x_train, y_train), (x_test, y_test) = mnist.load_dat()`

NameError: name 'annot' is not defined


NameError Traceback (most recent call last)
in ()
1 import seaborn as sn
2 plt.figure(figsize = (10,7))
----> 3 sn.heatmap(cm, annot+True, fmt='d')
4 plt.xlabel('Predicted')
5 plt.ylabel('Truth')

NameError: name 'annot' is not defined

TypeError: Got an unexpected keyword argument 'label'


TypeError Traceback (most recent call last)
in ()
1 y_predicted = model.predict(X_test_flattened)
2 y_predicted_labels = [np.argmax(i) for i in y_predicted]
----> 3 cm = tf.math.confusion_matrix(label=y_test, predictions=y_predicted_labels)
4
5 plt.figure(figsize = (10,7))

1 frames
/usr/local/lib/python3.7/dist-packages/tensorflow/python/util/dispatch.py in op_dispatch_handler(*args, **kwargs)
1074 if iterable_params is not None:
1075 args, kwargs = replace_iterable_params(args, kwargs, iterable_params)
-> 1076 result = api_dispatcher.Dispatch(args, kwargs)
1077 if result is not NotImplemented:
1078 return result

TypeError: Got an unexpected keyword argument 'label'

`y_predicted = model.predict(X_test_flattened)
y_predicted_labels = [np.argmax(i) for i in y_predicted]
cm = tf.math.confusion_matrix(label=y_test, predictions=y_predicted_labels)

plt.figure(figsize = (10,7))
sn.heatmap(cm, annot=True, fmt='d')
plt.xlabel('Predicted')
plt.ylabel('Truth')`

imshow() missing 1 required positional argument: 'X'


TypeError Traceback (most recent call last)
~\AppData\Local\Temp/ipykernel_13400/957661295.py in
3 new_array = cv2.resize(img_array, (IMG_SIZE, IMG_SIZE))
4 plt.imshow(new_array, cmap="gray")
----> 5 plt.imshow()

TypeError: imshow() missing 1 required positional argument: 'X'

AttributeError: 'AxesImage' object has no attribute 'layout'


AttributeError Traceback (most recent call last)
in ()
8
9 # fig.update_layout(width=600, height=500, margin=dict(l=10, r=10, b=10, t=10),xaxis_title='Figure 8 - N2.jpeg with bounding box')
---> 10 fig.layout.update(width=600, height=500, margin=dict(l=10, r=10, b=10, t=10),xaxis_title='Figure 8 - N2.jpeg with bounding box')
11
12 fig.add_shape(type='rect',x0=1804, x1=2493, y0=1734, y1=1882, xref='x', yref='y',line_color='cyan')

AttributeError: 'AxesImage' object has no attribute 'layout'

IndentationError: unexpected indent

File "", line 2
model = create_model()
^
IndentationError: unexpected indent

File "", line 2 model = create_model() ^IndentationError: unexpected indent site:stackoverflow.com

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    ๐Ÿ–– Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. ๐Ÿ“Š๐Ÿ“ˆ๐ŸŽ‰

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google โค๏ธ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.