Questions regarding using Scikit Flow - a simplified interface for TensorFlow to help people get started on predictive analytics and data mining for deep learning. Recently integrated into the contributions section of TensorFlow and renamed to TensorFlow Learn.
Questions tagged [skflow]
76 questions
1
vote
1 answer
How to manipulate weights of an skflow model after fit/partial_fit?
I am building more than one DNN model based on Tensorflow's skflow library. I partition my data into minibatches and use partial_fit for fitting. After every cycle of partial_fit, I would like to copy the weights of the first n-hidden layers of a…

Sparty
- 13
- 3
1
vote
1 answer
WARNING:tensorflow:TensorFlowDNNRegressor class is deprecated. Please consider using DNNRegressor as an alternative
Yesterday, I had updated Tensorflow to version 0.9 from 0.8. After which, I am observing the following warning with my Skflow models. Could anyone please let me know what this means? Is there a way to fix it? Are there alternate methods to model DNN…

Sundaravelpandian Singaravel
- 157
- 1
- 1
- 5
1
vote
0 answers
How to use the sequence_length parameter in TensorFlowRNNClassifier() from skflow?
I'm doing text classification using RNN. Text documents have varying length, therefore I would like to be able to specify sequence length when training the RNN. I noticed the sequence_length parameter in TensorFlowRNNClassifier() from skflow…

user3026001
- 11
- 3
1
vote
2 answers
What is the default learning rate for TensorFlowDNNRegressor with SGD or Adagrad?
This is probably an easy question, but I just can't find it. But I'm also pretty new to all this, so maybe I'm just blind.
What is the default learning rate when using TensorFlowDNNRegressor with SGD or Adagrad?
The default when using Adam or…

grinsbaeckchen
- 531
- 1
- 6
- 15
1
vote
1 answer
Gridsearchcv with skflow/TF learn runs forever even if grid is just one point
I am trying to do a gridsearch over steps, learning_rate and batch_size of a DNN regression. I've tried to do this with the simple example, the Boston dataset shown here boston example however, I can't get it to work. It does not throw any error, it…

grinsbaeckchen
- 531
- 1
- 6
- 15
1
vote
1 answer
skflow pandas dataset mean down each 2 lines
I have a dataset X of lets say 2000 lines. I want to take each 2 lines and mean them col by col together. The result should be a 1000 line dataset (columns count should stay the same).
I did this in matlab already
#matlab function
function […

CodingYourLife
- 7,172
- 5
- 55
- 69
1
vote
0 answers
Multiple sessions in the code when using skflow
I am using skflow for simple classification. What I noticed is that I have multiple sessions/graphs. For example, error that I get is
ValueError: Cannot execute operation using Run(): No default session is registered. Use 'with…

Maika
- 11
- 2
1
vote
1 answer
Queue input data with tensorflow or skflow
I am training a neural net with a DataFeeder which is a bit slow (because it reads non-contiguous data from a h5 file); so the GPU satays idle (GPU-Util is at 0 %) half of the time.
Is there a way, in either TensorFlow or skflow, to have multiple…

P. Camilleri
- 12,664
- 7
- 41
- 76
1
vote
1 answer
Tensorflow skflow, Data seems compatible, Valuerror, Shape error
Trying to run a very simple nn classifier with skflow.
classifier = skflow.TensorFlowDNNClassifier(
hidden_units=[10, 10, 10],
n_classes=10,
batch_size=100,
learning_rate=0.05)
print (data.train.images).shape
print…

hmmmbob
- 1,167
- 5
- 19
- 33
1
vote
0 answers
skflow load pre-train word embeddings into text_classification_cnn
word_vectors = skflow.ops.categorical_variable(X, n_classes=n_words,
embedding_size=EMBEDDING_SIZE, name='words')
word_vectors = tf.expand_dims(word_vectors, 3)
this is a skflow example on convolutional text classification
when I…

lixiaosi33
- 91
- 1
- 4
1
vote
1 answer
RNN with numeric data in SKFLOW
I want to try an SKFLOW recurrent neural network on some time sequence data with real values for a binary classification problem. Each row of my data contains 57 features (variables) and I would like to look at the previous 2 samples and the next 2…

denson
- 2,366
- 2
- 24
- 25
1
vote
2 answers
How to see values inside tensor while using skflow
I've checked How to print the value of a Tensor object in TensorFlow?. However doesn't seem to be working out of the box with skflow.
E.g. tried like this :
with tf.Session():
word_vectors = skflow.ops.categorical_variable(X_test[0],…

bob
- 15
- 5
0
votes
0 answers
Feezing a skflow model
I have built a model using using tensorforest in sklow along with the following model files
checkpoint
graph.pbtxt
model.ckpt-1.meta
model.ckpt-1-00000-of-00001
events.out.tfevents.1495890133.COGCONSs-MacBook-Pro.local
Could anyone tell me how to…

Md Zain Ahmed
- 11
- 1
0
votes
1 answer
How to debug skflow code (tensorflow) gmm_ops.py?
Hi I am new to tensorflow. I want to debug Tensorflow (skflow) gmm_ops.py (Gaussian Mixture Model). I am getting ERROR:tensorflow:Model diverged with loss = NaN.
How should I do it ? Is there any example?
raise…

Rahul
- 645
- 1
- 9
- 21
0
votes
1 answer
Import skflow on a Windows machine
I am trying to import skflow on my Windows PC. I have already install and used Anaconda on Python (3.5). I have no trouble to use tensorflow but when I want to use skflow I get the error:
ImportError Traceback (most…

H35am
- 768
- 2
- 12
- 32