Category "tensorflow"

How to shape the labels to match the output layer for classification(ANN)?

I am trying to learn and understand how to implement multiclass classification using ANN. In my case, I have 16 classes(0-15), and my label dataset contains one

Error using MultiWorkerMirroredStrategy to train object detection research model ssd_mobilenet_v1_fpn_640x640_coco17_tpu-8

I'm trying to train research model ssd_mobilenet_v1_fpn_640x640_coco17_tpu-8 using the MultiWorkerMirroredStrategy (by setting --num_workers=2 in the invocation

ModuleNotFoundError: No module named 'tensorflow.python.keras.applications'

I am trying to import import tensorflow.python.keras.applications but it gives the bellow error: ModuleNotFoundError: No module named 'tensorflow.python.keras.

conda install matplotlib results in huge list on incompatibilities

I have a conda env that I build from a requirements.yml file that I obtained from a classmate so we could work on a project together. I tried installing matplot

Derivates from a class instance in TF1

I am using the Physics Informed Neural Networks (PINNs) methodology to solve non-linear PDEs in high dimension. Specifically, I am using this class https://git

How is the smooth dice loss differentiable?

I am training a U-Net in keras by minimizing the dice_loss function that is popularly used for this problem: adapted from here and here def dsc(y_true, y_pred)

logits and labels must be broadcastable error in Tensorflow RNN

I am new to Tensorflow and deep leaning. I am trying to see how the loss decreases over 10 epochs in my RNN model that I created to read a dataset from kaggle w

Find Unique values in a 2D Tensor using Tensorflow

tf.unique currently only works on 1D tensors. How can I find unique values in a 2D tensor. ip=tf.constant([[1,2,1],[3,4,1],[5,6,1],[1,2,1]]) #op should be = [

Find Unique values in a 2D Tensor using Tensorflow

tf.unique currently only works on 1D tensors. How can I find unique values in a 2D tensor. ip=tf.constant([[1,2,1],[3,4,1],[5,6,1],[1,2,1]]) #op should be = [

TensorFlow convert from .pb to .tflite failes due to ops error

Hey everyone this is my first question post. If I do something wrong or u need more information please just tell me I will try to give my best. I tried to creat

How to run tensorflow inference for multiple models on GPU in parallel?

Do you know any elegant way to do inference on 2 python processes with 1 GPU tensorflow? Suppose I have 2 processes, first one is classifying cats/dogs, 2nd on

What does it mean to unroll a RNN dynamically?

What does it mean to "unroll a RNN dynamically". I've seen this specifically mentioned in the Tensorflow source code, but I'm looking for a conceptual explanati

hello everyone, Iam new to programming, I am using jupyter notebook using anaconda, here i found some problem with the importing of libraries

# lstm model import tensorflow as tf from numpy import mean from numpy import std from numpy import dstack from pandas import read_csv from tensorflow.keras.mod

Python 3.6 in tensorflow gpu docker images

How can I have python3.6 in tensorflow docker images. All the images I tried (latest, nighty) are using python3.5 and I don't want to modify all my scripts.

How to find out version of Tensorflow used in HDF5 model

After I have saved a tensorflow model in HDF5 format, how can I find out what version of tensorflow it was built using?

How can I run tensorflow without GPU?

My system has a GPU. When I run Tensorflow on it, TF automatically detects GPU and starts running the thread on the GPU. How can I change this? I.e. how can I r

ValueError: Input 0 of layer "sequential" is incompatible with the layer: expected shape=(None, 455, 30), found shape=(None, 30)

https://www.youtube.com/watch?v=z1PGJ9quPV8&t=28s Here is the little project of Cancer dectection, and it has already offer the dataset and colab code, but

onnx to trt failed - RuntimeError: cannot get YoloLayer_TRT plugin creator

I'm trying to run the YoloV4 (Demo 5) in TensorRt demos repo on AWS ec2. I created ec2 VM with nvidia-gpu (with AMI - Amazon Linux 2 AMI with NVIDIA TESLA GPU D

How to load pickle files by tensorflow's tf.data API

I have my data in multiple pickle files stored on disk. I want to use tensorflow's tf.data.Dataset to load my data into training pipeline. My code goes: def _p

Cannot use set_shape with tf.function

A gradient is a nested list of tensors. I want to get the total number of elements in the gradient, and record this number as an int. However, I don't know how