Click here to Skip to main content
15,886,786 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 

19 May 2020 by abc_
Hello everyone. i am a beginner in image recognition and i would like to ask where to start in order to create an image xray recoginiton app . i have studied about neural newtworks and how they work,my question is if you can suggest any language...
16 Feb 2021 by Abdulkader Helwan
In this article, we’ll discuss materials and methods for this project.
17 Feb 2021 by Abdulkader Helwan
In this article, we’ll work on restructuring ResNet50 to perform the new classification task.
18 Feb 2021 by Abdulkader Helwan
In this article, we’ll fine-tune our ResNet50 model.
19 Feb 2021 by Abdulkader Helwan
In this article, we’ll discuss the COVID-19 detection results we’ve achieved with our model and compare these results with those of other models.
22 Feb 2021 by Abdulkader Helwan
In this article, we’ll show you how to build a network for Covid-19 detection from scratch.
15 Mar 2021 by Abdulkader Helwan
In this series of articles, we’ll showcase an AI-powered deep learning system that can revolutionize the fashion design industry by helping us better understand customers’ needs.
16 Mar 2021 by Abdulkader Helwan
In this article we’ll show you how to use transfer learning to fine-tune the VGG19 model to classify fashion clothing categories.
17 Mar 2021 by Abdulkader Helwan
In this article we show you how to train VGG19 to recognize what people are wearing.
18 Mar 2021 by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
19 Mar 2021 by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
22 Mar 2021 by Abdulkader Helwan
In this article we show you how to train the GAN for fashion design generation.
14 Jun 2021 by Abdulkader Helwan
In this article, we discuss the concepts of conditional generative adversarial networks (CGAN).
12 Feb 2021 by Abdulkader Helwan
In this article, we introduce transfer learning and ResNet50.
15 Jun 2021 by Abdulkader Helwan
In this article, we discuss the CycleGAN architecture.
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
17 Jun 2021 by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
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.
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.
8 Jul 2020 by Abhay binwal
I HAVE USED A DIABETES DATASET FOR TRAINING MY NEURAL NETWORK, AND MY MODEL IS OVERFITTING. HOW CAN I PREVENT THIS, I HAVE TRIED FEW METHODS TOO BUT IT DIDNT WORKED WELL. HOPE I CAN FIND ANY SOLUTION TO THIS PROBLEM ASAP. TRY RUNNING THIS CODE I...
10 Jul 2019 by Agit Çelik
Please help me this is urgent.! By the way I am using Window 10 x64 I am getting error while data_loc = os.path.join('data', 'datasets', data_code + '.hdf5') data = h5py.File(data_loc, 'r') I run 'python train.py fcn_rffc4 brats_fold0 brats_fold0 600 -ch False' command Error is shortly,...
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) , ...
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)
23 Mar 2020 by Anan Srivastava
Using early stopping my model stops training at around 7 epochs because of overfitting MAX_SEQUENCE_LENGTH = 1000 MAX_NUM_WORDS = 20000 EMBEDDING_DIM = 100 VALIDATION_SPLIT = 0.2 output_nodes = 759 embedding_layer = Embedding(num_words, ...
26 Mar 2020 by Anan Srivastava
Since my data is too large, I use pd.read_csv('',chunksize=). I am using categorical_crossentropy as my loss function, however, on the last chunk, I have just one target. So I get the error: You are passing a target array of shape (2110, 1)...
11 Aug 2019 by Androidismyhobby
I want to create a chatbot that uses a deep language model to answer questions from users. There should be just input from the user and an output from the model. The Tensorflow model is called DocProduct and you can see it here on Github: https://github.com/re-search/DocProduct. How can I...
2 Jul 2019 by Appie09
Built a tensorflow model to detect objects and then got model to run in an android device. The app in android now detects objects and on button click takes screenshot of the layout and gives the bounding boxes in the image view. Now i need to derive an editable matrix structure from this...
24 Aug 2020 by Aryan Sethi
I tried to make a UNet based Autoencoder for the purpose of De-blurring images but I got terrible accuracy scores and loss values. How can I improve the model ? The code for the model is HERE What I have tried: I tried to vary the learning...
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...
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...
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...
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
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...
25 Mar 2020 by Coding Notes
How to create a linear regression model from scratch using TensorFlow 2.0
19 May 2020 by CPallini
Quote: if you can suggest any language to code Python is mainstream. Quote: lso what is more friendly tensorflow or open cv? Some insight on the differences between OpenCV and TensorFlow here: OpenCV vs TensorFlow : MLQuestions[^].
23 Oct 2018 by DataBytzAI
Using a pre-configured environment on Azure to create a "ready to go" Deep Learning machine
6 Feb 2019 by Dave Kreskowiak
It's not "our" article. Articles are supported by the people that write them, not everyone on the site. Ask your question in the forum at the bottom of the article you're talking about. Posting in that forum sends a notification to the author that you posted a question.
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[^].
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...
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...
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...
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...
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[^] ...
11 Aug 2019 by Gerry Schmitz
Get a Project Manager ... since "you have no approach". The Project Manager will recruit a Business Analyst to collect your requirements. Then a software architect will design a solution. A programmer analyst will come up with a program specification that you will need to review before a...
19 May 2020 by Gerry Schmitz
Image classification  |  TensorFlow Core[^]
24 Aug 2020 by Gerry Schmitz
Can't see how ML can help you much; it's more about algorithms (light intensity; contrast; etc.). Deblurring Images Using the Blind Deconvolution Algorithm- MATLAB & Simulink Example[^]
8 Jun 2020 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.
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...
18 Oct 2022 by Intel
In this article, we’ll show you how to create a very simple CNN for image classification from scratch.
19 Oct 2022 by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
27 Apr 2021 by Jarek Szczegielniak
In this article, we’ll create a container to run a CPU inference on the trained model.
27 Apr 2021 by Jarek Szczegielniak
In this article, we’ll adapt our image for Raspberry Pi with an ARM processor.
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.
18 May 2021 by Jarek Szczegielniak
In this article we run inference on sample images with TensorFlow using a containerized Object Detection API environment.
19 May 2021 by Jarek Szczegielniak
In this article we run an inference model for NLP using models persisted on a Docker volume.
18 Jun 2018 by Jesús Utrera
Second article of a series of articles introducing deep learning coding in Python and Keras framework
16 Sep 2020 by Joel Ivory Johnson
This is the first in a series of articles on using TensorFlow Lite on Android to bring the power of machine learning and deep neural networks to mobile application
17 Sep 2020 by Joel Ivory Johnson
In this article we will take a pre-trained neural network and adapt it for use in TensorFlow Lite.
18 Sep 2020 by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
21 Sep 2020 by Joel Ivory Johnson
In the previous installation of this series, a TensorFlow Lite interpreter had examined an image and produced its output. In this article we learn how to interpret these results and create visualizations for them.
22 Sep 2020 by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
23 Sep 2020 by Joel Ivory Johnson
In this article we will generate output from a program will provide a TensorFlow freeze graph ready to be used or converted to TensorFlow Lite.
5 Jan 2021 by Joel Ivory Johnson
This article series will show readers how to create a real-time AI hazard detector using an Android device.
6 Jan 2021 by Joel Ivory Johnson
In this article of the AI Hazard Detection on Android series, we will add the TensorFlow Lite model to the project and prepare it for processing.
7 Jan 2021 by Joel Ivory Johnson
In this entry of the AI Hazard Detection on Android series we will interpret the results and provide the relevant information to the user.