Click here to Skip to main content
15,886,857 members
Everything / Artificial Intelligence / Tensorflow

Tensorflow

tensorflow

Great Reads

by Thomas Weller
Demonstrates how to invoke TensorFlow neural networks from a C# application and also how to use a Python-generated chart to display the results.
by Glenn Prince
In this article, we'll have a look at some of the pretrained models we can use in ImageAI to start detecting people in images.
by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
by Raphael Mun
In this article, we are going to use all that we’ve learned so far with computer vision in TensorFlow.js to try building a version of this app ourselves.

Latest Articles

by Oliver Kohl
This article provides a comprehensive guide to TensorFlow 2.x, covering its execution modes, model building APIs, and insights for choosing the right approach for machine learning projects.
by Chris Maunder
This article explores the various self-hosted AI frameworks available and understand their strengths, weaknesses, and compatibility with your project requirements. Make an informed decision that aligns with your organization's goals
by Ammar Albush 1997
Logo Recognition System Program written in C# .NET 6.0 Windows Form (Tensorflow.net,Tensorflow.keras,Emgu Cv,ScottPlot.WinForms,Newtonsoft.Json)
by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.

All Articles

Sort by Updated

Tensorflow 

4 Mar 2024 by Oliver Kohl
This article provides a comprehensive guide to TensorFlow 2.x, covering its execution modes, model building APIs, and insights for choosing the right approach for machine learning projects.
13 Nov 2023 by Chris Maunder
This article explores the various self-hosted AI frameworks available and understand their strengths, weaknesses, and compatibility with your project requirements. Make an informed decision that aligns with your organization's goals
6 Nov 2023 by Hossain23
Google Colab[^] The code link has been updated. Now you can access it here. I was trying to implement smile detection project from kaggle on to my Google collab. kaggle link smile-detection | Kaggle[^] I have downloaded the datasets and...
26 Oct 2023 by OriginalGriff
"It doesn't work" is probably the most useless problem report we get - and we get it a lot. It tells us nothing about what is happening, or when it happens - and "I get error" means just that - "it doesn;t work"! So tell us what it is doing that...
12 Jun 2023 by Member 15407436
I have converted my DenseNet-121 model to model.tflite, and when i am loading it to android app and trying to make predictions, it's giving following errors java.lang.IllegalStateException: Internal error: Unexpected failure when preparing...
30 Apr 2023 by Member 8840306
I am tyring to execute this code in anaconda Spyder import tensorflow as tf from tensorflow.python import keras from keras.models import Model from keras.models import load_model from keras.optimizers import Adam from keras.layers import Input,...
30 Apr 2023 by Dave Kreskowiak
Considering TensorFlow is underpinned by CUDA, which is nVidia specific, you've got a bit of a problem. See Can TensorFlow run on an AMD GPU? - Quora[^].
29 Apr 2023 by Member 8840306
I am new in using tensorflow keras using python.I am trying to run this statement in Jupter Notebook import matlab.engine It is givng this error ModuleNotFoundError: No module named 'matlab.engine'; 'matlab' is not a package For...
29 Apr 2023 by Richard MacCutchan
The relevant messages are: FileNotFoundError: [WinError 2] The system cannot find the file specified // and RuntimeError: MATLAB installation not found in Windows Registry: [WinError 2] The system cannot find the file specified And the...
28 Mar 2023 by Ammar Albush 1997
Logo Recognition System Program written in C# .NET 6.0 Windows Form (Tensorflow.net,Tensorflow.keras,Emgu Cv,ScottPlot.WinForms,Newtonsoft.Json)
21 Mar 2023 by Fatema Shawki
I trained a YOLO v5 object detection model on my custom dataset, then converted it to TensorFlow using the export function and to TensorFlow lite using tf.convertor. I want to use the TFLite model in an android app, however, the problem is the...
20 Mar 2023 by Fatema Shawki
I'm working on a real-time object detection mobile application using kotlin. I trained a yolo v5 model on a custom dataset of 4 classes, then converted the model to a .tflite file. I used this line to convert the yolo model to tflite: !python...
20 Mar 2023 by Richard MacCutchan
I suspect the problem may be the use of intArrayOf in the followibng line: val inputFeature0 = TensorBuffer.createFixedSize(intArrayOf(1, 640, 640, 3), DataType.FLOAT32) which suggests that you are passing an array of INT32 values (1, 640, 640...
27 Nov 2022 by xoxo grace
I am running Yolov5 object detector in my workstation Nvidia GeForce RTX 2080 Ti. I followed all the procedures installing the necessary requirements: CUDA 10.1 CUDNN 7.6 tensorflow-gpu 2.2 Visual Studio Python 3.7.0 But still my machine is not...
19 Oct 2022 by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
18 Oct 2022 by Intel
In this article, we’ll show you how to create a very simple CNN for image classification from scratch.
3 Oct 2022 by ASHIN KUNJUMON
import os import cv2 import numpy as np import tensorflow as tf import tensorflow.compat.v1 as tf import sys # This is needed since the notebook is stored in the object_detection folder. sys.path.append("..") # Import utilites from...
3 Oct 2022 by ASHIN KUNJUMON
import os import cv2 import numpy as np import tensorflow as tf import tensorflow.compat.v1 as tf import sys # This is needed since the notebook is stored in the object_detection folder. sys.path.append("..") # Import utilites from...
3 Oct 2022 by Richard MacCutchan
See tkinter — Python interface to Tcl/Tk — Python 3.10.7 documentation[^].
27 Sep 2022 by Member 14543240
I am somewhat new to deep learning and I am trying to convert an example from Python to C#. I thought this would be a simple task but that has not been the case. First, this is the code I am trying to convert this python example that works well...
27 Sep 2022 by Member 14543240
Thank you for your response. Actually, I do know where the exception is getting thrown. It is getting thrown in the fit() method - presumably after control goes to Tensorflow. I just can't get a grip on what "sequence" has no elements. I know...
22 Sep 2022 by Member 15776270
if you change tensorflow version it will work !pip install tensorflow==1.13.2 !pip install q keras==2.0.8 i faced the same problem but for the the latest version i did not find any solution
22 Sep 2022 by Tal Haim
hello :) I am trying to finish a project on variational autoencoders (VAE) I have tried lots of methods and lots of help from the internet but every time I run into a different problem. Most often it is SHAPE problems, but it can also be like...
30 Aug 2022 by embedde
im about to build video analytic using python. im able to detect object in video using tensorflow. But i cannot get the time when the object appear in video. i have scenario like this : i have 16 seconds video . in the 5th second, the object...
27 Jun 2022 by Member 15689106
Hi I am quite unexperienced with that topic. I try to compare two images and interpret this difference. My Idea is to train a siamese CNN and a standard neural network (NN). The later one should analyse the cross correlation matrix of the two...
20 Jun 2022 by ashish bhong
I have created a trading environment using tfagent env = TradingEnv(df=df.head(100000), lkb=1000) tf_env = tf_py_environment.TFPyEnvironment(env) and passed a df of 100000 rows from which only closing prices are used which a numpy array of...
16 Jun 2022 by Member 15676969
I am using tf1.14 to make a loss function, which project the predicted pose on a 2D image. And then I use the projected point to get the distance transform as loss, I have finished the loss function, but when start training the optimizer gives a...
4 Jun 2022 by John Melody Me
Anyone familiar with tensorflow? Here's my code : ``` try: model: object = tf.keras.Sequential([ base_model, tf.keras.layers.Conv2D(32, 3, activation='relu'), ...
30 May 2022 by FatihSengul
Hi, I'm new to deep learning. I am trying to classify DDoS attacks using the NSL-KDD dataset. My code is working, but I'm having trouble testing the model using the test dataset. Can you check my error in testing? ANN.ipynb · GitHub[^] ...
6 Apr 2022 by kanishk thamman
know there are ans to the following q but none of them working for me. so could someone help me? context:- I was coding a neural net and I was getting an error "Failed to convert a NumPy array to a Tensor (Unsupported object type int)" this...
2 Mar 2022 by Member 15552719
const video = document.getElementById("video") Promise.allSettled([ faceapi.nets.ssdMobilenetv1.loadFromUri("./models"), //detect the faces faceapi.nets.faceLandmark68Net.loadFromUri("./models"), // point out where are faces ...
31 Jan 2022 by Matthew Dennis
Integrating CodeProject.AI Server with the Blue Iris video security and webcam system
24 Dec 2021 by Member 14052381
I am trying to perform a 10-fold cross-validation on a LSTM, the code is the following: Predict Closing Prices using a 3 day window of previous closing prices.we use window_size = 4 for this. from tensorflow.keras.models import Sequential ...
22 Nov 2021 by CL4Y3R-TR
Help Pls My code: img_file = 'test2.png' img = cv2.imread(img_file, 1) img = cv2.cvtColor(img,cv2.COLOR_BGR2RGB) print(f"Loaded {img_file} ({img.shape[1]} x {img.shape[0]})" ) # Resize if image larger than 2k pixels on a side if...
22 Nov 2021 by onesystem
Hi, That is because it cannot find the img_file img = cv2.imread(img_file) so, write in the full path for the img_file name, maybe the problem will be solve.
17 Nov 2021 by Deepesh Mhatre 2021
I am trying to use Tensorflow object detection API,but the CUDNN version that I getting on colab is 8.0. and I want to use 8.1,so how do I upgrade CUDNN library on colab ? Below is the script I wrote ,but it does'nt seem to have any effect,what...
21 Oct 2021 by Khalid Elejla
I have the following error, and I am new to data science and python I am using python, keras, tensorflow 1.15 Code line: from tensorflow.python.profiler import trace Error line: ImportError: cannot import name 'trace' What I have tried: ...
21 Oct 2021 by CHill60
That github repository has nothing to do with Trace. There is no trace in tensorflow.python.profiler. You should use either tensorflow.profiler.experimental.Trace or tensorflow.autograph.trace depending on your (uncommunicated) need and as...
15 Oct 2021 by Youssef Hany 2021
I'm trying to train a code but it gives me this error and I don't know how to solve it! ****EPOCH 0**** Traceback (most recent call last): File "C:\Users\youss\miniconda3\envs\randlanet1\lib\site-packages\tensorflow\python\client\session.py",...
15 Oct 2021 by OriginalGriff
Read the error message: File "main_S3DIS.py", line 123, in spatially_regular_gen center_point = points[point_ind, :].reshape(1, -1) IndexError: index 319979 is out of bounds for axis 0 with size 47722 Your index value is way too big. We...
14 Oct 2021 by Richard MacCutchan
The key is the message that states: IndexError: index 319979 is out of bounds for axis 0 with size 47722 So you need to follow the tracebacks to find where that value comes from. Once you can get close to the point in your own code, use the...
30 Sep 2021 by maverick maiden
I've been trying to implement this collab code https://colab.research.google.com/drive/11ko0DBnI1QLxVoJQR8gt9b4JDcvbCrtU#scrollTo=PhAuO2-1ZBnv but encountered this error in TRAINING part of the code:- --pipeline_config_path={config_path +...
30 Sep 2021 by Richard MacCutchan
Instead of trying to guess what to do you should check the documentation: The Sequential model �|� TensorFlow Core[^].
20 Aug 2021 by Member 11377994
I spent a lot of time converting Lasagne's code to TensorFlow Keras. Although I successfully ran the code, however, I could not obtain the result reported in the paper. Some help is available on python - convert Lasagne to Keras code (CNN ->...
29 Jul 2021 by Sergey L. Gladkiy
In this article we create a Docker container for this system.
28 Jul 2021 by Abdulkader Helwan
In this article, we show you how to set up an Android Studio environment that is suitable for loading and running our .tflite model.
27 Jul 2021 by Abdulkader Helwan
In this project, our aim is to run a mobile Image-to-Image translation model on the Android platform.
20 Jul 2021 by Socks92
I'm currently making a chatbot using tensorflow and keras. What i want is to send the user a message if the pattern cannot be found within the intents.json file. I've tried to implement an if-else statement in the results variable, but its not...
20 Jul 2021 by Sergey L. Gladkiy
In this article I’ll explain how to perform the alignment based on the face landmarks the detector has found.
17 Jun 2021 by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
15 Jun 2021 by Abdulkader Helwan
In this article, we discuss the CycleGAN architecture.
14 Jun 2021 by Abdulkader Helwan
In this article, we discuss the concepts of conditional generative adversarial networks (CGAN).
9 Jun 2021 by amir elmjamili
Hi, I have a problem please guide me thank you def model_fn(): model = tf.keras.models.Sequential([ tf.keras.Input(bdbd =Input(shape=(300,15))), tf.keras.layers(bd1= SeqSelfAttention())(bdbd) , ...
9 Jun 2021 by Richard MacCutchan
See The Sequential class[^]
9 Jun 2021 by OriginalGriff
Why does the line above end with a comma? I'm pretty sure it shouldn't ...
19 May 2021 by Jarek Szczegielniak
In this article we run an inference model for NLP using models persisted on a Docker volume.
18 May 2021 by Jarek Szczegielniak
In this article we run inference on sample images with TensorFlow using a containerized Object Detection API environment.
12 May 2021 by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
5 May 2021 by Sergio Virahonda
In this article, we’ll implement automatic training.
29 Apr 2021 by Jarek Szczegielniak
In this article we go back to the Intel/AMD CPUs. This time, we will speed up our calculations using a GPU.
27 Apr 2021 by Jarek Szczegielniak
In this article, we’ll adapt our image for Raspberry Pi with an ARM processor.
27 Apr 2021 by Jarek Szczegielniak
In this article, we’ll create a container to run a CPU inference on the trained model.
16 Apr 2021 by Martin_Rupp
In this article we’ll build our AI language translation system.
15 Apr 2021 by Martin_Rupp
Tools and software required to build a DL-based automatic translation system