Welcome to OStack Knowledge Sharing Community for programmer and developer-Open, Learning and Share
Login
Remember
Register
Ask
Q&A
All Activity
Hot!
Unanswered
Tags
Users
Ask a Question
Ask a Question
Categories
All categories
Topic[话题] (13)
Life[生活] (4)
Technique[技术] (2.1m)
Idea[创意] (3)
Jobs[工作] (2)
Others[杂七杂八] (18)
Code Example[编程示例] (0)
Recent questions tagged Tensorflow
0
votes
1.3k
views
1
answer
tensorflow - How to create dataset in the same format as the FSNS dataset?
I'm working on this project based on TensorFlow. I just want to train an OCR model by attention_ocr based on ... how to solve this problem? See Question&Answers more detail:os...
asked
Oct 17, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.1k
views
1
answer
tensorflow - Create keras callback to save model predictions and targets for each batch during training
I am building a simple Sequential model in Keras (tensorflow backend). During training I want to inspect the ... }".format(y_train.shape)) See Question&Answers more detail:os...
asked
Oct 17, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.2k
views
1
answer
tensorflow - Meaning of buffer_size in Dataset.map , Dataset.prefetch and Dataset.shuffle
As per TensorFlow documentation , the prefetch and map methods of tf.contrib.data.Dataset class, both have a ... the buffer parameters in the above snippet ? Question&Answers:os...
asked
Oct 17, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.5k
views
1
answer
tensorflow - Keras : How should I prepare input data for RNN?
I'm having trouble with preparing input data for RNN on Keras. Currently, my training data dimension is: (6752, 600, 13) ... 600, 13) or (6752, 600, 1, 13)? Question&Answers:os...
asked
Oct 17, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - Deploying ML model on Flutter
How to deploy a custom Machine Learning model on Flutter of the code given below? https://www.tensorflow. ... ://stackoverflow.com/questions/65833242/deploying-ml-model-on-flutter...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.5k
views
1
answer
tensorflow - Keras model generates Nan on predict on gcp
I have a Keras model (Yolo3) and I want to run the code on several images in the loop: I am ... stackoverflow.com/questions/65834183/keras-model-generates-nan-on-predict-on-gcp...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - Adding a CRF layer to BiLSTM model in Keras (Jan 2021)
i have searched through the internet to solve this problem, but no one seems to have a solution to it. I would ... 65834258/adding-a-crf-layer-to-bilstm-model-in-keras-jan-2021...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - RuntimeError: Unable to create link (name already exists) When saving second model using Google Colab
I have created a model testing pipeline for use in my internship and is run on Google Colab. This pipeline ... unable-to-create-link-name-already-exists-when-saving-second-mod...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.2k
views
1
answer
tensorflow - What does the shape of a spectrogram really mean?
I have the following code taken from this tutorial. def get_spectrogram(waveform): zero_padding = tf.zeros([4900] - ... /65838342/what-does-the-shape-of-a-spectrogram-really-mean...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.7k
views
1
answer
tensorflow - Python Keras Convolutional autoencoder. ValueError: logits and labels must have the same shape
I took most of this code from here. I am very new to autoencoders. Heres the code: input_img = ... /python-keras-convolutional-autoencoder-valueerror-logits-and-labels-must-have...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - Mlflow and KerasTuner integration
I am trying to integrate together KerasTuner and Mlflow. I'd like to record the loss at each ... https://stackoverflow.com/questions/65849787/mlflow-and-kerastuner-integration...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - Tensor Flow 2 Object Detection API2 Batch Non Max Suppression in trained Faster-RCNN network on TPU does not seem to work. Is this a bug?
I followed the new Tensorflow 2 Object Detection API 2 documentation to train a Faster RCNN detector using transfer ... -detection-api2-batch-non-max-suppression-in-trained-faster...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - What is the python code to load dataset from my hard disk
I try to learn machine learning from the TensorFlow official tutorial. But most tutorials do the download in command prompt. ... -the-python-code-to-load-dataset-from-my-hard-disk...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - LSTM predict next 10 minutes (not hour)
I followed the example of Keras.io, see the following link: https://keras.io/examples/timeseries/ ... /questions/65852244/lstm-predict-next-10-minutes-not-hour...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.5k
views
1
answer
tensorflow - Custom tf.keras Callback to display image and predicted segmentation not showing on Tensorboard
I've been trying to display images, segmentations and the predicted segmentations in Tensorboard during training, ... -to-display-image-and-predicted-segmentation-not-showing...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.2k
views
1
answer
tensorflow - Not stable training in CNN
I am currently doing a image classfication which takes up to 81000 data to train the model(CNN). It has ... https://stackoverflow.com/questions/65855245/not-stable-training-in-cnn...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
2.1k
views
1
answer
tensorflow - Keras problem: AttributeError: 'Tensor' object has no attribute '_keras_history' by fitting BiLSTM-CRF
There are a lot of questions and answers about the same problem. Unfortunately, they didn't work for ... keras-problem-attributeerror-tensor-object-has-no-attribute-keras-history...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow lite - Flutter Camera Plugin Transformations
I am trying to use the Camera Plugin for Tensorflow image classification, but I am not ... //stackoverflow.com/questions/65855920/flutter-camera-plugin-transformations...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.2k
views
1
answer
tensorflow - Extracting activations from a specific layer of neural network
I was working on an image recognition problem. After training the model, I saved the architecture as well ... /extracting-activations-from-a-specific-layer-of-neural-network...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - How to transfer data between clients using Tensorlow Federated
I'm planning to develop a decentralized federated learning simulation environment using Tensorflow Federated API, so ... -to-transfer-data-between-clients-using-tensorlow-federated...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.6k
views
1
answer
tensorflow - Validation accuracy not changing while loss is decreasing in keras image classification?
Closed. This question is opinion-based. It is not currently accepting answers. question from:https://stackoverflow. ... not-changing-while-loss-is-decreasing-in-keras-image-classif...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - How can I properly train a model to predict a moving average using LSTM in keras?
I'm learning how to train RNN model on Keras and I was expecting that training a model to predict the Moving Average ... -a-model-to-predict-a-moving-average-using-lstm-in-keras...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.2k
views
1
answer
tensorflow - Changing order of Input Image in 3D convolutions
According to the official documentation of tf.keras.layers.Conv3D 5+D tensor with shape: batch_shape + (channels ... /65863738/changing-order-of-input-image-in-3d-convolutions...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow serving - How do I format the response body of a request to the predict endpoint of a Google Cloud Platform API request
I'm working off of the tutorial that is premade on GCP when working with the AI Platform component. In short it ... response-body-of-a-request-to-the-predict-endpoint-of-a-goog...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.8k
views
1
answer
tensorflow - How to fix- Consider casting elements to a supported type in python
I'm trying to create word embeddings from an input text which has the full corpus of texts. I applied standard ... -to-fix-consider-casting-elements-to-a-supported-type-in-python...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - Are dropout layer weights used at execution time?
I'm trying to gain a good understanding of the mechanics of how neural nets execute. To that end I am ... .com/questions/65866542/are-dropout-layer-weights-used-at-execution-time...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.4k
views
1
answer
tensorflow - Unable to download pre-trained model from zoo
I am unable to download model files from the link The download API response is 206. I am not sure whether ... .com/questions/65868226/unable-to-download-pre-trained-model-from-zoo...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
0
votes
1.3k
views
1
answer
tensorflow - Yolov4 object detection with AntMedia live stream
I am new to yolov4 and the antmedia, but I would like to do object detection with live antmedia stream ... .com/questions/65868371/yolov4-object-detection-with-antmedia-live-stream...
asked
Oct 7, 2021
in
Technique[技术]
by
深蓝
(
71.8m
points)
tensorflow
To see more, click for the
full list of questions
or
popular tags
.
Ask a question:
Welcome to OStack Knowledge Sharing Community for programmer and developer-Open, Learning and Share
Click Here to Ask a Question
Just Browsing Browsing
[1] shell - Print seconds without fractional part in GNU find
[2] python线程问题
[3] js 判断对象中为null的值并转换成 “”
[4] rsa加密溢出该如何解决?
[5] Spark Scala: functional difference in notation using $?
[6] Java8教程
[7] express - full m3u8 clip isn't getting generated from m3u8 file by node.js
[8] js正则表达式replace记忆内匹配。
[9] #BUG# 这是又被黑了。这么多小广告
[10] reactjs - Error: Object has been destroyed when trying to re-open a second BrowserWindow - Electron.js
2.1m
questions
2.1m
answers
60
comments
57.0k
users
Most popular tags
javascript
python
c#
java
How
android
c++
php
ios
html
sql
r
c
node.js
.net
iphone
asp.net
css
reactjs
jquery
ruby
What
Android
objective
mysql
linux
Is
git
Python
windows
Why
regex
angular
swift
amazon
excel
algorithm
macos
Java
visual
how
bash
Can
multithreading
PHP
Using
scala
angularjs
typescript
apache
spring
performance
postgresql
database
flutter
json
rust
arrays
C#
dart
vba
django
wpf
xml
vue.js
In
go
Get
google
jQuery
xcode
jsf
http
Google
mongodb
string
shell
oop
powershell
SQL
C++
security
assembly
docker
Javascript
Android:
Does
haskell
Convert
azure
debugging
delphi
vb.net
Spring
datetime
pandas
oracle
math
Django
联盟问答网站-Union QA website
Xstack问答社区
生活宝问答社区
OverStack问答社区
Ostack问答社区
在这了问答社区
在哪了问答社区
Xstack问答社区
无极谷问答社区
TouSu问答社区
SQlite问答社区
Qi-U问答社区
MLink问答社区
Jonic问答社区
Jike问答社区
16892问答社区
Vigges问答社区
55276问答社区
OGeek问答社区
深圳家问答社区
深圳家问答社区
深圳家问答社区
Vigges问答社区
Vigges问答社区
在这了问答社区
DevDocs API Documentations
Xstack问答社区
生活宝问答社区
OverStack问答社区
Ostack问答社区
在这了问答社区
在哪了问答社区
Xstack问答社区
无极谷问答社区
TouSu问答社区
SQlite问答社区
Qi-U问答社区
MLink问答社区
Jonic问答社区
Jike问答社区
16892问答社区
Vigges问答社区
55276问答社区
OGeek问答社区
深圳家问答社区
深圳家问答社区
深圳家问答社区
Vigges问答社区
Vigges问答社区
在这了问答社区
在这了问答社区
DevDocs API Documentations
Xstack问答社区
生活宝问答社区
OverStack问答社区
Ostack问答社区
在这了问答社区
在哪了问答社区
Xstack问答社区
无极谷问答社区
TouSu问答社区
SQlite问答社区
Qi-U问答社区
MLink问答社区
Jonic问答社区
Jike问答社区
16892问答社区
Vigges问答社区
55276问答社区
OGeek问答社区
深圳家问答社区
深圳家问答社区
深圳家问答社区
Vigges问答社区
Vigges问答社区
在这了问答社区
DevDocs API Documentations
广告位招租
...