tensorflow-estimator Questions
2
Context:
I have a simple classifier based on tf.estimator.DNNClassifier that takes text and output probabilities over an intent tags. I am able to train an export the model to a serveable as well ...
Cottonseed asked 22/8, 2018 at 16:13
5
Solved
I'm using conda (env created via YAML) + pip to set up a Tensorflow v1.13.1 environment on my Linux Mint box. After setup, whenever I try to import tf.estimator I receive the AttributeError describ...
Constrict asked 19/4, 2019 at 13:38
7
Solved
I am new in tensoflow and I want to adapt the MNIST tutorial https://www.tensorflow.org/tutorials/layers with my own data (images of 40x40).
This is my model function :
def cnn_model_fn(features,...
Biliary asked 7/3, 2018 at 21:5
8
When using tensorflow, I have the following error messages
ERROR:root:Internal Python error in the inspect module.
Below is the traceback from this internal error.'
File "<frozen importlib...
Bethink asked 3/2, 2021 at 6:20
2
Running estimator from tensorflow today and came up with this error, any idea how to solve it?
File "C:\Users\ASUS Laptop\anaconda3\envs\tf_gpu\lib\site-packages\tensorflow_estimator\python\es...
Archivolt asked 1/11, 2021 at 8:41
2
Solved
I've noticed that the new Estimator API automatically saves checkpoints during the training and automatically restarts from the last checkpoint when training was interrupted. Unfortunately, it seem...
Jiujitsu asked 29/12, 2017 at 20:46
1
I'm using a custom tf. Estimator object to train a neural network. The problem is in the size of the events file after training - it is unreasonably large.
I've already solved the problem with savi...
Benedetta asked 25/2, 2019 at 9:41
2
Solved
I am trying to add the r squared in the eval_metric_ops in my estimator like this:
def model_fn(features, labels, mode, params):
predict = prediction(features, params, mode)
loss = my_loss_fn
e...
Plaint asked 11/8, 2017 at 21:9
2
I wanted to use the tf.contrib.distribute.MirroredStrategy() on my Multi GPU System but it doesn't use the GPUs for the training (see the output below). Also I am running tensorflow-gpu 1.12.
I di...
Endicott asked 19/2, 2019 at 12:41
3
Solved
I'm using Tensorflow==2.0.0a0 and want to run the following script:
import tensorflow as tf
import tensorboard
import pandas as pd
import matplotlib.pyplot as plt
import numpy as np
import tensorf...
Moultrie asked 17/5, 2019 at 20:13
1
I have a saved model (a directory with model.pd and variables) and wanted to run predictions on a pandas data frame.
I've unsuccessfully tried a few ways to do this:
Attempt 1: Restore the estimato...
Blackmun asked 9/10, 2019 at 16:12
2
I am currently trying to predict the movement of a particle using a tensorflow premade Estimator (tf.estimator.DNNRegressor).
I want to save an image of the average loss plot, like the one tensorb...
Solan asked 28/6, 2018 at 9:31
2
We recently switched to Keras for TF 2.0, but when we compared it to the DNNClassifier Estimator on 2.0, we experienced around 4x slower speeds with Keras. But I cannot for the life of me figure ou...
Eisler asked 14/3, 2019 at 20:35
2
Solved
I want tensorflow to calculate the coefficient of determination (R squared) during evaluation of my estimator. I tried to implement it in the following way loosly based on the implementation of the...
Ladyfinger asked 11/12, 2017 at 13:10
4
Solved
I use tf.estimator.train_and_evaluate() to train my custom estimator. My dataset is partitioned 8:1:1 for training, evaluation and test. At the end of the training, I would like to restore the best...
Stutzman asked 7/11, 2018 at 5:40
1
I'm trying to train a DNNClassifier
labels = ['BENIGN', 'Syn', 'UDPLag', 'UDP', 'LDAP', 'MSSQL', 'NetBIOS', 'WebDDoS']
# Build a DNN
classifier = tf.estimator.DNNClassifier(
feature_columns=fe...
Wattle asked 4/6, 2020 at 8:58
1
I am trying to use tf.train.exponential_decay with predefined estimators and this is proving to be super difficult for some reason. Am I missing something here?
Here is my old code with constant l...
Cryptogenic asked 11/3, 2018 at 19:27
3
I have converted a Keras model to a Tensorflow estimator, added Tensorflow Transform to the graph and then exported the model for serving.
When I check the model signature, I can see the followin...
Sabbatarian asked 9/8, 2018 at 22:18
2
I wrote below code and it suppose to load a model followed by a predictive run of an element from MNIST dataset. At the beginning of the execution the code works fine and I get my desired predictio...
Dulcedulcea asked 26/10, 2019 at 23:50
3
I need to use the Tensorflow profiler to profile some code that is running slowly for some reason. Unfortunately, the code in question uses tf.Estimator, so I can't figure out how to inject the run...
Latex asked 10/11, 2017 at 1:15
3
In a previous question the purpose and structure of the serving_input_receiver_fn is explored and in the answer:
def serving_input_receiver_fn():
"""For the sake of the example, let's assume your...
Rozella asked 21/11, 2018 at 10:50
1
Solved
The model_fn for custom estimator which I have built is as shown below,
def _model_fn(features, labels, mode):
"""
Mask RCNN Model function
"""
self.keras_model = self.build_graph(mode, config...
Bemire asked 26/11, 2019 at 8:16
2
I have trained a tf.estimator.LinearClassifier. While training and evaluating the model takes a reasonable amount of time for my data size (~60 sec), predicting takes many order of magnitude longer...
Stormproof asked 13/12, 2017 at 15:22
0
I am using Tensorflow 2.0.beta with Python 3.6.6 on Mac OS (nightly: tf-nightly-2.0-preview 2.0.0.dev20190721 but I never managed to have it working with compat module in Tensorflow 2.0).
I am tra...
Stinkwood asked 21/7, 2019 at 15:58
1
I was trying to use this code as it is on Tensorflow 1.13.1. However, it throws the following error:
sherlock@mybox:~/cs273/autocat/bert$ python streaming2.py
Traceback (most recent call last):
...
Pennington asked 3/6, 2019 at 10:2
1 Next >
© 2022 - 2024 — McMap. All rights reserved.