Click here to Skip to main content
65,938 articles
CodeProject is changing. Read more.
Everything / artificial-intelligence / tensorflow

Tensorflow

tensorflow

Great Reads

by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by Raphael Mun
In the next and final article of this series, we'll detect eye blinks and the mouth opens to make an interactive scene.
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.
by MehreenTahir
In this article we’ll predict someone’s gender and age in the browser.

Latest Articles

by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by Raphael Mun
In the next and final article of this series, we'll detect eye blinks and the mouth opens to make an interactive scene.
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.
by MehreenTahir
In this article we’ll predict someone’s gender and age in the browser.

All Articles

Sort by Score

tensorflow 

by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by Raphael Mun
In the next and final article of this series, we'll detect eye blinks and the mouth opens to make an interactive scene.
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.
by MehreenTahir
In this article we’ll predict someone’s gender and age in the browser.
by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
by Raphael Mun
In this article, we'll create a chatbot we can have a dialogue with.
by Raphael Mun
This is the first in a series of article where we'll explain how to create an AI chatbot using transformers.
by Raphael Mun
In this article we’ll build a Shakespearean Monologue Generator in the Browser with TensorFlow.js.
by Raphael Mun
In this article we are going to look at embedding entire sentences, rather than individual words, so that we can get much more accurate results in detecting emotion from the text.
by Raphael Mun
In this article we will create a knowledge chatbot.
by Raphael Mun
In this article, we’ll build a trivia chatbot.
by MehreenTahir
In this article we create a web app that trains the classifier on the go and recognizes grumpy facial expressions.
by Sergio Virahonda
In this article we’ll combine forecasting and detection on a live stream of Bitcoin price data.
by Sergio Virahonda
In the next article, we are going to discuss forecasting on Bitcoin time series.
by Joel Ivory Johnson
This article series will show readers how to create a real-time AI hazard detector using an Android device.
by Sergio Virahonda
Different approaches to create a face mask detector
by Joel Ivory Johnson
In this next entry in the AI Hazard Detection on Android series, we will look at how we can avoid unnecessarily warning the user, and how we can quickly alert them.
by Jeffrey T. Fritz
In this video, Jeff shows you a quick example using the TensorFlow quickstart and how the Intel Advisor can recommend some improvements to it.
by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
by Sergio Virahonda
In this article I’ll explain the different options we can choose from to create deep fakes.
by Jesús Utrera
Second article of a series of articles introducing deep learning coding in Python and Keras framework
by Ragesh_Hajela
In this article we look at how to modify the OpenVINO™ Notebooks repo on GitHub, retrain the same model but with a different dataset.
by Intel
In this article, we’ll explore how to create a DL environment with optimized Intel packages.
by Sergio Virahonda
In the next article, we talked about Google AI Platform and how to train your models there with some help from Docker containers.
by Raphael Mun
In this article we are going to bring together all of the pieces we’ve built so far in this series for some visual reflection fun.
by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
by Jo Stichbury
In this article we show, a high-level, it is possible to create sophisticated AI-enabled applications that run upon memory-constrained, ultra-low power endpoint devices.
by Martin_Rupp
In this article we’ll build our AI language translation system.
by Sergio Virahonda
In this article we'll build and train our models with them.
by Ryan Peden
A code-first introduction to neural networks
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 Abdulkader Helwan
In this project, our aim is to run a mobile Image-to-Image translation model on the Android platform.
by Sergio Virahonda
In this article we test a face mask detector on a regular computer.
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.
by Abdulkader Helwan
In this article, we’ll show you how to build a network for Covid-19 detection from scratch.
by Abdulkader Helwan
In this article, we introduce transfer learning and ResNet50.
by Joel Ivory Johnson
In the next entry of the AI Hazard Detection on Android series, we will look at crash detection and notifications.
by Intel
In this article, we’ll show you how to create a very simple CNN for image classification from scratch.
by Raphael Mun
In this article we are going to use the key facial points to render a 3D model virtually over our webcam feed for some Augmented Reality fun.
by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
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.
by Sergio Virahonda
In this article we’ll explore DeepFaceLab as an alternative to our last approach.
by Raphael Mun
In this article we’re going to build a fully functional MNIST handwriting recognition app using TensorFlow Lite to run our AI inference on a low-power STMicroelectronics microcontroller using an Arm Cortex M7-based processor
by Sergio Virahonda
In this article we’ll deploy our YOLOv5 face mask detector on Raspberry Pi.
by Raphael Mun
In this article we'll use the key facial landmarks to infer more information about the face from the images.
by Ragesh_Hajela
OpenVINO offers several tools for making a model run faster and use less memory. In this article we look at: what each tools does, when you should use model optimizer, POT, and NNCF, and frequently asked questions.
by Jarek Szczegielniak
In this article we run an inference model for NLP using models persisted on a Docker volume.
by Raphael Mun
In this article, we’ll dive into computer vision running right within a web browser.
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.
by Raphael Mun
In this article, we are going to use BodyPix, a body part detection and segmentation library, to try and remove the training step of the face touch detection.
by Abdulkader Helwan
In this article, we’ll fine-tune our ResNet50 model.
by Abdulkader Helwan
In this article we show you how to train VGG19 to recognize what people are wearing.
by Raphael Mun
In this article we will build a Fluffy Animal Detector, where I will show you a way to leverage a pre-trained Convolutional Neural Network (CNN) model like MobileNet.
by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
by MehreenTahir
In this article we load a pre-trained model using TensorFlow.js to predict the breed of the dog inside our web browser.
by Raphael Mun
In this article, I will show you how quickly and easily set up and use TensorFlow.js to train a neural network to make predictions from data points.
by Greg Serochi
In this article we take you through the process of migrating your existing deep learning models over to Gaudi and show the basic steps to get your model ready to run.
by Adrian Boguszewski
A very simple guide for every TensorFlow Developer wanting to start the OpenVINO journey
by Sergey L. Gladkiy
In this article I’ll explain how to perform the alignment based on the face landmarks the detector has found.
by Raphael Mun
In this article, we will take photos of different hand gestures via webcam and use transfer learning on a pre-trained MobileNet model to build a computer vision AI that can recognize the various gestures in real time.
by Stephanie_Maluso
This article provides a better understanding of the benefits of OpenVINO integration with Tensorflow: how it works, deployments environments, and how OpenVINO integration with TensorFlow differs from using native OpenVINO API
by Thomas Daniels
In this article, let’s dive into Keras, a high-level library for neural networks.
by Thomas Daniels
In this article we take a quick look at NumPy and TensorFlow also do a short overview of the scikit-learn library.
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 Sergio Virahonda
In this article in the series, we label a face mask dataset.
by Ruturaj Raval
In this article we’ll carry out real-time testing of our app.
by Ruturaj Raval
In this article go through training a TF model with our curated dataset using Teachable Machine and export the trained model in the FTLite format.
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.
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 Keith Pijanowski
In this article, I provided a brief overview of TensorFlow 1.0 and TensorFlow 2.0 for those looking for a deep learning framework for building and training neural networks.
by Abdulkader Helwan
In this article, we discuss the concepts of conditional generative adversarial networks (CGAN).
by Sergio Virahonda
In this article, we’ll implement automatic training.
by Jarek Szczegielniak
In this article we run inference on sample images with TensorFlow using a containerized Object Detection API environment.
by Intel
In this post, we will start by using Prebuilt Images available on DockerHub. Then we will go through the exact commands you’ll need to access an Object Detection notebook via Docker.
by Abdulkader Helwan
In this article, we’ll discuss materials and methods for this project.
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.
by Sergio Virahonda
In this article we prepare a face mask images for our AI model training.
by Sergio Virahonda
In this article I’ll show you how to train your deep fake models in the cloud with some help from Docker.
by Sergio Virahonda
In this article, I’ll go through what’s required to preprocess videos and prepare them to be fed into our models.
by Sergio Virahonda
In this article, we learn how to prepare time series data to be fed to machine learning (ML) and deep learning (DL) models.
by MehreenTahir
In this article we use another pre-trained model, face-api.js, to detect expressions without doing any training ourselves.
by Sergio Virahonda
In this article, we complete the pipeline for our Deep Fakes DIY solution.
by Jarek Szczegielniak
How to use Visual Studio Code with Machine Learning extensions to train an XGBoost model on Azure
by Jarek Szczegielniak
How to use GitHub Codespaces and GitHub Actions to automatically train a PyTorch model after each push of changes to a repository
by Jarek Szczegielniak
How to train within an Azure Machine Learning workspace using a TensorFlow model
by MehreenTahir
In this will article extend our model to do custom classification in real time using a webcam.
by Raphael Mun
In this series, we’re going to show you how to create Snapchat-style filters in the browser using Tensorflow.js and face tracking.
by Raphael Mun
In this article which we;ll use the live webcam video of our face and see if the model can react to our facial expressions in real time.
by Abdulkader Helwan
In this article, we’ll work on restructuring ResNet50 to perform the new classification task.
by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
by Jarek Szczegielniak
In this article, we’ll create a container to run a CPU inference on the trained model.
by Jarek Szczegielniak
In this article, we’ll adapt our image for Raspberry Pi with an ARM processor.
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.
by DataBytzAI
Using a pre-configured environment on Azure to create a "ready to go" Deep Learning machine
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
by Intel
Intel has invested in optimizing performance of Python itself, with the Intel® Distribution for Python, and has optimized key data science libraries used with scikit-learn, such as XGBoost, NumPy, and SciPy. This article gives more information on installing and using these extensions.
by Martin_Rupp
Tools and software required to build a DL-based automatic translation system
by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
by Sergio Virahonda
In this article, we’re going to use the dataset to train a YOLOv5 object detection model.
by Abdulkader Helwan
In this article we show you how to train the GAN for fashion design generation.
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.
by Nikola M. Živković
How to transfer leaning with TensorFlow2
by Joel Ivory Johnson
In this article we will take a pre-trained neural network and adapt it for use in TensorFlow Lite.
by Sergio Virahonda
In this article we’ll start to focus on our DIY approach.
by Matthew Dennis
Integrating CodeProject.AI Server with the Blue Iris video security and webcam system
by Abdulkader Helwan
In this article, we discuss the CycleGAN architecture.
by Sergey L. Gladkiy
In this article we create a Docker container for this system.
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 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.
by Joel Ivory Johnson
In the next part of the AI Hazard Detection on Android series, we’ll have the application process live data.
by Sergio Virahonda
In the previous article I gave a general overview of deep fakes generation and the elements involved in the process.
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.