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

Artificial Intelligence

artificial-intelligence

Great Reads

by Arthur V. Ratz
In this article, we'll discuss how to produce user-to-item recommendations by using SVD++, Pearson Correlation and probability-based similarity computation.
by Mehmet Mutlu
Details of my solution algorithms, implemented programs, and the results I have concluded.
by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by dzzxyz
This application demonstrates how to Create, Train and Test an AI Chatbot.

Latest Articles

by Arthur V. Ratz
In this article, we'll discuss how to produce user-to-item recommendations by using SVD++, Pearson Correlation and probability-based similarity computation.
by Mehmet Mutlu
Details of my solution algorithms, implemented programs, and the results I have concluded.
by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by dzzxyz
This application demonstrates how to Create, Train and Test an AI Chatbot.

All Articles

Sort by Score

artificial-intelligence 

by Arthur V. Ratz
In this article, we'll discuss how to produce user-to-item recommendations by using SVD++, Pearson Correlation and probability-based similarity computation.
by Mehmet Mutlu
Details of my solution algorithms, implemented programs, and the results I have concluded.
by LOST_FREEMAN
Hands-on data science competition with TensorFlow on .NET
by dzzxyz
This application demonstrates how to Create, Train and Test an AI Chatbot.
by The Zakies
Question answer chatbot using natural language parsing and web scrapping
by Chris Maunder
Adding AI to your applications doesn’t have to be all about fighting the tools and libraries
by Member 14750355
DevOps is a methodology that aims to create a synergy between software engineering and IT operations teams.
by Seshi
State space search algorithms - implemented with C# .NET 3.0 WPF
by asef
Using Genetic Algorithm to solve the 8 Queens problem.
by Ghazanfar_Ali
Implementation of A* algorithm using Python and PyGame for solving an 8-Puzzle automatically.
by Gary.Miller.WPF
MNIST Digit recognition in C#
by umar.techBOY
If you are good at highschool maths, basic c++ and know a little bit about electronics, you can follow this series of tutorials to make your DIY artificial intelligent robots.
by Martin_Rupp
In this series of articles, we’ll show you how to use deep learning to create an automatic translation system.
by Neri LLosa
An article on Pocket PC game development.
by Martin_Rupp
In this article we introduce the main theoretical concepts required for building an ML-based translator.
by Sean Ewington
In this article, I use CodeProject.AI Server and Blue Iris to detect an unknown person and send an email notification with a picture when that happens.
by Dmitriy Gakh
The perspectives of creating bots that write programs with two simple examples.
by JoeSox
Unique Jungian and MBTI approach to develop Human Artificial Intelligence
by Grasshopper.iics, Abhishek Nandy
High level IOT Co2 emission simulation.
by Marc Clifton
In this article, I review three NLP services
by Richard Chambers
An example of a combat information addon for World of Warcraft using Lua and the World of Warcraft API
by Joe Nellis
Five classes for computing discrete probabilities
by Thomas Daniels
This article describes the making of a tic tac toe player that uses neural networks and machine learning.
by Intel
Democratizing Access to Large Language Models
by Jian_Zhang
Democratizing AI with Intel-Optimized Software
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 hector [.j.] rivas
Helping the combo box autocomplete function with a frequency count.
by Matthew Dennis
A brief walkthrough of adding a new .NET AI module to CodeProject.AI Server
by Chris Maunder
In this article we explore how CodeProject.AI Server really works, and how simple it is to add your own functionality to CodeProject.AI server quickly and easily, leaving you to focus on your business, not your MLOps
by DaveMathews
Automated Chat bot agent in an ASP.NET website that does not depend on any external API services
by Andrew Kirillov
The article describes an open source C# framework for researchers in the areas of Computer Vision and Artificial Intelligence - image processing, neural networks, genetic algorithms, etc.
by Sergey L. Gladkiy
In this article we’ll talk about the selection and acquisition of the image dataset.
by Sergey L. Gladkiy
In this article we’ll build the network we’ve designed using the Keras framework.
by Sergey L. Gladkiy
In this article we’ll guide you through one of the most difficult steps in the DL pipeline: the CNN design.
by Sergey L. Gladkiy
In this article, we'll begin the process of how to use a deep neural network to estimate a person's age from an image.
by Sergey L. Gladkiy
In this article we train the CNN for age estimation.
by Sergey L. Gladkiy
In this article we will explain how to use the pre-trained CNN for estimating a person’s age from an image.
by Sean Ewington
In this article, I set up facial recognition with Agent DVR and CodeProject.AI Server.
by Salman Jamali
This article discusses the paradigm shift in the way we model our information systems
by Sacha Barber
AI : An introduction into Neural Networks
by Sacha Barber
AI : An Introduction into Neural Networks (Multi-layer networks / Back Propagation)
by MehreenTahir
In this article we’ll predict someone’s gender and age in the browser.
by Silvina Bruggia
The COVID-19 pandemic has accelerated machine learning (ML) adoption in many areas, resulting in firms increasing their ML investment and implementation efforts.
by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
by Mohd Akram
Java Tic Tac Toe (AI based)
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 DaveMathews
Customizing and building a Plugin for an AI Voice Assistant platform for PC in C#
by MehreenTahir
In this article we create a web app that trains the classifier on the go and recognizes grumpy facial expressions.
by Sergey L. Gladkiy
In this article we’ll run our face detector on a Raspberry Pi device.
by Arnaldo P. Castaño
In this article we’ll adapt the VGG16 model.
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 Jarek Szczegielniak
Having converted a ResNet model to the Core ML format in the previous article, in this article we’ll now use it in a simple iOS application.
by Martin_Rupp
In this article, we’ll train and test our translation models on additional languages.
by Sergio Virahonda
Different approaches to create a face mask detector
by MehreenTahir
In this article, we will train a deep learning model to detect and count the number of people in a given area.
by MehreenTahir
In this article we will compare training our models from scratch with more advanced and pre-trained approaches like YOLO.
by MehreenTahir
In this we’ll see if we can implement YOLO on video feeds for queue length detection.
by MehreenTahir
This is the first in an article series where we’re going to show how to make an AI queue length detector.
by MehreenTahir
In this article, we’ll explore some other algorithms used for object detection and will learn to implement them for custom object detection.
by Sara El-Sayed El-Metwally
Simple implementation of Uninformed Search Strategies in AI course.
by Dawid Borycki
In this article, we'll calculate the center of each detected bounding box, which will serve as a base for calculating distance.
by Dawid Borycki
In this article we will perform object detection on the frames from the test data sets including video sequence stored in the video file.
by Dawid Borycki
In this article, we will use those centers to estimate distances between people and indicate people that are too close.
by Dawid Borycki
In this last article of the series, we improve our Python console application for AI-powered social distancing detection.
by Dawid Borycki
In this article, we continue learning how to use AI to build a social distancing detector.
by Dawid Borycki
In this article, we will use drawing functions to depict detected objects.
by Dawid Borycki
In this article, we will learn how to add annotations to images.
by Dawid Borycki
In this article series, we'll look at how to use AI and deep learning on video frames to ensure people are maintaining adequate social distancing in crowds.
by hemanthk119
Using Farseer Physics Library and Neural Networks, an example of behavioral evolution is simulated
by Sacha Barber
AI: An introduction into neural networks (multi-layer networks / trained by Microbial GA).
by MehreenTahir
In this article we learn about how Azure Synapse Analytics and Azure Machine Learning help analyze data without extensive coding and ML experience.
by MehreenTahir
In this article we jump right into setting up an Azure Synapse workspace and Azure Synapse Studio to prepare for our machine learning analysis in the next article in the series.
by MehreenTahir
In this article we explore how to enrich our data using a pre-trained model and trigger an Auto ML experiment from a Spark table.
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 Paulo Zemek
This article presents a very small evolutionary algorithm capable of discovering some math expressions to give the results for the values you provide.
by I Love Code
An Introduction to Logistic Regression
by JeffHeaton
An introduction to creating neural networks with the Encog Framework for C#.
by JeffHeaton
An introduction to creating neural networks with the Encog Framework for Java.
by Joel Ivory Johnson
Image classification using Arm NN on Android mobile devices
by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
by Andrew Kirillov
The article demonstrates usage of ANNT library for creating convolutional ANNs and applying them to image classification tasks.
by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.
by Habibur Rony
Basics of the rule-based chatbot, machine-learning chatbot and AI chatbot.
by Prilvesh K
Apple-tron, a quick AI for small to medium enterprise farmers, that applies stickers to fruits
by geoyar
Applying Ant Colony Optimization algorithms to solve the Traveling Salesman Problem.
by Wesner Moise
An detailed look at the implementation of Arrays and ArrayLists.
by Ganesan Senthilvel
Exploring the concepts of Artificial Intelligence
by dzzxyz
This application demonstrates how to write a VB client for an AI chat bot.
by Software Developer's Journal
This article presents an overview of the key techniques and algorithms used in modern computer games.
by DataBytzAI
Part one of a series to demystify and democratize the magic (not) of AI
by Intel
Artificial intelligence holds greater promise in transforming clinical research.
by Gnanendra Kumar
An Artificial Intelligent Home Assistant
by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
by Software Developer's Journal
Neural networks are typically associated with specialised applications, developed only by select groups of experts. This misconception has had a highly negative effect on its popularity. Hopefully, the FANN library will help fill this gap.
by César de Souza
Demonstration of automatic image stitching by interest point matching using the Accord and AForge.NET Frameworks
by Sergio Virahonda
In this article series, we'll demonstrate how to take use a CI/CD pipeline - a tool usually used by developers and DevOps teams - and demonstrate how to use it to create a complete training, test, and deployment pipeline for AI that meets the requirements of level 2 in the Google MLOps Maturity
by KristianEkman
How to build an AI which plays Backgammon
by Emiliano Musso
Basics of implementing a neural network in VB.NET
by Christ Kennedy
KOEI-like old-school war game and battlefield simulator, with infantry, artillery, and cavalry units.
by asiwel
Bezier Curve Classification Training And Validation Models Using ALGLIB
by asiwel
Bezier Curve Classification Training and Validation Models using CNTK and ALGLIB
by Mahsa Hassankashi
It is almost everything about big data.
by lessthanoptimal
Introduction to and an example of how to use BoofCV
by Intel
Leveraging Open-Source AI Technologies with Red Hat OpenShift Data Science and Intel® Architecture
by Ryan Scott White
Converts past and real-time stock market tick data into time-sliced summaries called Briefs
by Intel
This case study examines the process that game developer Marmalade followed as it created an electronic version of Hasbro’s classic board game, RISK: The Game of Global Domination.
by raddevus
Entry in the Artificial Intelligence and Machine Learning Contest. Here's how I learned / guessed how to find spam.
by Gamil Yassin
Part 1 of a series of articles demonstrating .NET AI library from scratch
by Gamil Yassin
This is a series of articles demonstrating .NET AI library from scratch
by Gamil Yassin
Perceptron, when to use it and sample code
by Gamil Yassin
Part 4 of a series of articles demonstrating .NET AI library from scratch
by Gamil Yassin
Types of Artificial Neural Networks
by Gamil Yassin
ML algorithms based on function or type of problems they solve
by Jarek Szczegielniak
In this article we’ll create a Core ML pipeline to be our end-to-end model.
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 BrainlessLabs.com
This is the first of a series of articles where we will explore about writing compilers.
by Scott Clayton
Build a recommendation system using collaborative filtering and matrix factorization.
by Martin_Rupp
In this article we’ll build our AI language translation system.
by MattsterP
This article describes how to build an AI Chatterbot using a popular, Regular Expression-based open source Chatterbot engine: Verbots
by Jarek Szczegielniak
In this article we can proceed to train our custom hot dog detection model using Apple’s Create ML.
by Jarek Szczegielniak
In this last article in this series, we’ll extend the application to use our YOLO v2 model for object detection.
by Intel® Nervana™ AI Academy
This article aims to explore what happens when Intel solutions support functional and logic programming languages that are regularly used for AI.
by MehreenTahir
This article will help you build different types of basic recommendation systems using Python.
by Sašo Mađarić
Fuzzy Logic API and Fuzzy Logic DSL implemented with C++.
by philoxenic
In this article, you will be up and running, and will have done your first piece of reinforcement learning.
by philoxenic
In this article, we will see what’s going on behind the scenes and what options are available for changing the reinforcement learning.
by Ryan Peden
A code-first introduction to neural networks
by Gonzales Cenelia
This is an Eliza like chatterbot.
by Allister Beharry
In this article, we select hardware components for our AI/Pi-based solution and assemble them into a functional system.
by Glenn Prince
In this fifth part of the Data Cleaning with Python and Pandas series, we take one last pass to clean up the dataset before reshaping.
by Ryan Peden
Using SAP HANA and Amazon SageMaker to have fun with AI in the cloud!
by JoeSox
Connect to ConceptNet 5's REST API
by asiwel
How to Deploy Trained Models Concurrently
by Rupesh Sreeraman
Programming language Detection AI
by Nish Nishant, Marcelo Ricardo de Oliveira, Monjurul Habib, Kunal Chowdhury «IN», Shai Raiten
In the summer of 2013, CodeProject celebrated hitting 10 million members and invited various CodeProject members to host get-togethers around the world. Here are some of the goings-on at those celebrations.
by Chris Maunder
The full walkthrough of a bare bones module for CodeProject.AI using Python
by Chris Maunder
A registry for downloadable modules for installation in CodeProject.AI Server
by Sean Ewington
In this article, I show you how to get facial recognition working in Blue Iris and CodeProject.AI Server.
by CodeProject
Version 2.6.5. Our fast, free, self-hosted Artificial Intelligence Server for any platform, any language
by Omar Gameel Salem
Using Collaborative Filtering to find people who share tastes, and for making automatic recommendations based on things that other people like.
by Glenn Prince
In this fourth part of the Data Cleaning with Python and Pandas series, we look at a few of the simpler methods for combining data
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 Allister Beharry
In this we discuss improvements we can make to the software in terms of performance or accuracy. We also compare our homebrew open-source system to commercial vehicle speed detection systems.
by Marc Clifton
An overview of Microsoft's Parallel FX initiative, including the Task Parallel Library and PLINQ.
by prof3ssor
Console application that assumes artificial inteligence to the feable user
by Jarek Szczegielniak
In this article – the first one of the series – we’ll go over some Docker basics as they apply to ML applications.
by Roman Kiss
This article describes the design and implementation of the Repository Tool to create and manage contracts for virtual (manageable) services.
by Jarek Szczegielniak
In this series, we’ll use a pretrained model to create an iOS application that will detect multiple persons and objects in a live camera feed rather than in a static picture.
by Sergio Virahonda
In this article we test a face mask detector on a regular computer.
by Glenn Prince
In this third part of the Data Cleaning with Python and Pandas series, we delve into some of the problems the dataset may contain.
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 Allister Beharry
We'll use the ClassifyBot program to put together an ML pipeline to solve a text classification problem using open-source ML components
by sjb_strat
Create a Spam Filter Using Machine Learning
by Matthew Dennis
Create a ChatGPT-like AI module for CodeProject.AI Server that handles a long-running process.
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 Philipp_Engelmann
In this series, I want to show you how to create a simple console-based Turing machine in Python. You can check out the full source code on https://github.com/phillikus/turing_machine. In this part, I will explain the fundamental theory behind Turing machines and set up the project based on that.
by Philipp_Engelmann
How to create a Turing machine in Python - Part 2
by Jarek Szczegielniak
In this article we are ready to include detection decoding directly in the Core ML model.
by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
by DaveMathews
Using Oscova and Oryzer FBP platform, we'll build an on-device table reservation bot to understand the concepts behind today's offline bot development standards.
by Jarek Szczegielniak
In this article, we’ll start applying our basic Docker knowledge while creating and running containers in the various MLng scenarios.
by trushant pachnekar
The science and art of creating and solving cryptarithms.
by Cloud Native Apps Team
Prepare your organization to adopt intelligent apps by taking a change management approach.
by Arnaldo P. Castaño
In this article we’ll put together our CNN and train it for face recognition.
by Glenn Prince
This article gives you a good starting point for your own object detection projects.
by Taylor Kobani
A simple example of how to classify data using genetic algorithm and VB.Net
by Harinder Saluja
Implement Neural Network in SQL Server
by Intel
In this article, we discuss our teachings about data science in a series of steps so that any product manager or business manager interested in exploring this science will be able take their first step toward becoming a data scientist or at least develop a deeper understanding of this science.
by Glenn Prince
In this seventh part of the Data Cleaning with Python and Pandas series, we can explore our visualization options.
by Jarek Szczegielniak
In this article we use Visual Studio Code to edit and debug our increasingly complex code running inside a Docker container.
by Jarek Szczegielniak
In this article, we will decode the Core ML YOLO Model by transforming an array of abstract numbers to a human-readable form.
by Jarek Szczegielniak
In the next article, we’ll do the same but with array operations. This will allow us to include the decoding logic directly in the model.
by Mahsa Hassankashi
Deep learning convolutional neural network by tensorflow python, complete and easy understanding
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 Arnaldo P. Castaño
In this series of articles we will use a deep neural network (DNN) to perform coin recognition. Specifically, we will train a DNN to recognize the coins in an image.
by Arnaldo P. Castaño
In this article, we will examine a convolutional neural network for the problem of coin recognition, and we will implement one in Keras.NET.
by Arnaldo P. Castaño
In this article we will examine the CNN we implemented for coin recognition using Keras.NET.
by Arnaldo P. Castaño
To end off this series, we will present the alternative of adapting a pre-trained CNN to the coin recognition problem we have been examining all along.
by Arnaldo P. Castaño
In the next article, we will preprocess a dataset to be inputted to a machine learning model.
by Arnaldo P. Castaño
In this article we will go over the basics of supervised machine learning and what the training and verification phases consist of.
by Arnaldo P. Castaño
In this article we focus on the Text-to-Speech with the use of Deep Learning.
by Cloud Native Apps Team
This article explores the concept of intelligent applications for readers, providing a clear understanding of the role of AI capabilities in modern applications.
by Cloud Native Apps Team
In this four-part series, you’ll learn how to create an Intelligent App with Azure. This first tutorial walks you through what Azure AI and Azure Container Apps are, how to set up an Azure environment, and building your basic application.
by Cloud Native Apps Team
In this four-part series, you’ll learn how to create an Intelligent App with Azure. This second tutorial demonstrates how to add intelligent features to this user feedback analysis application. Then, it explores how to use your new Intelligent App to analyze user feedback.
by Jarek Szczegielniak
In this article, we publish our NLP API service to Azure using Azure Container Instances.
by Sergio Virahonda
In this article we’ll deploy our YOLOv5 face mask detector on Raspberry Pi.
by Adrian Pirvu
Creation of sentient agents
by Raphael Mun
In this article we'll use the key facial landmarks to infer more information about the face from the images.
by Sergey L. Gladkiy
In the next article, we’ll use a pre-trained DNN to detect pests on video.
by Sergey L. Gladkiy
In this article, we’ll show you how to develop a simple motion detector and combine it with the trained DNN model to detect moose on video.
by Scott Clayton
Train a binary classifier in Azure and then use it in a C# application.
by Sergey L. Gladkiy
In this we’ll talk about some ideas for detecting "exotic" pests, such as moose and armadillos.
by Elagizy
This guide helps you how to program your own chat bot.
by Carlos Jiménez de Parga
A wrapper class library for the DirectMusic MIDI.
by Android on Intel
In the conclusion of this two-part series, I detail the best 3D game engine and middleware solutions for Android* tablets, including free, open source, and proprietary options. I also note which have native support for x86 Intel® processors.
by Intel
It's not just between one architecture today and another architecture today, but the architectures of today and tomorrow. oneAPI has the potential to become the industry norm for compiling code for all kinds of architectures.
by CodeProject
Dave Butler, VP and Senior Business Leader at MasterCard, offers developers insight into the company’s worldwide OpenAPI platform.
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 Sergey L. Gladkiy
In this article, we’ll test our detection algorithm on a Raspberry Pi 3 device and create the "scare pests away" part of our pest eliminator by playing a loud sound.
by James Wucher
Examples of embedding the Iron Python engine in a C# form application.
by Intel
This article examines oneAPI and explores some of Intel's many tools built on it to see how oneAPI makes AI development more straightforward and manageable.
by Andrew Kirillov
The articles describes a C# library for evolution computations and their application for several problems solving.
by Ganesan Senthilvel
An interesting article on Artificial Intelligence Chat Ro(Bot) application development
by Johnathan Ortiz-Sonnen
Deconstructing Misty's "Follow Ball" Skill
by Salman Jamali
I have discussed how to set up Jack and what it defines an agent to be, plus a step-by-step procedure to compile and run an example in it
by Helen Trimes
Semantic web and searching.
by Jarek Szczegielniak
In this article, we’ll modify our code to expose the same logic via a Rest API service.
by Sergey L. Gladkiy
In this article, we’ll see how the same result can be achieved by data augmentation.
by Arnaldo P. Castaño
In this article, we go over the steps to detect faces in an image.
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 Afzaal Ahmad Zeeshan
In this post, I am going to walk you through creating your own central hub to allow your connected devices to authenticate people using facial recognition system.
by Sean Ewington
This article is a continually updated FAQ on how to use Blue Iris with CodeProject.AI Server
by Wade Harvey
This article shows how to use Winforms, WPF and C# to create a File Explorer Clone with Tabs and an extremely fast parallel file search utility.
by Jayson DeLancey
This article is the second in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this article, we'll look at datasets provided by NLTK, as well as an example of capturing your own textual corpus for analysis.
by Rodrigo Costa Camargos
Implement well-known agglomerative clustering algorithm in C#
by Glenn Prince
In this article, we create an object detection model.
by Abdulkader Helwan
In this article, we’ll fine-tune our ResNet50 model.
by Intel
Optimizing Large Language Models on Intel® Xeon® Processors with Intel® Advanced Matrix Extensions (Intel® AMX)
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 Adrian Pirvu
A Roadmap to Intelligence
by pseudonym67
Another experiment looking at a different way to implement Neural Network code.
by Jeroen De Dauw
A small C# library that provides scaffolding for genetic algorithm based functionality.
by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
by Benjamin Consolvo
This article explores the use of Stable Diffusion models, focusing on image-to-image generation, using Intel's newly released Intel Data Center GPU Max Series 1100.
by Benjamin Consolvo
This article explores the use of Large Language Models (LLMs) in various applications, such as chatbots, code generation, and debugging.
by Benjamin Consolvo
This article discusses the application of Stable Diffusion models in generative AI, focusing on image generation from text prompts.
by Manning
A chapter excerpt from Generative Art
by Emiliano Musso
Definitions and examples of a genetic algorithm; Visual Basic sample for an icon generation through a model and a random initial range of solutions.
by Konstantin Boukreev
An example of using Genetic Algorithms for solving the Traveling Salesman Problem
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 Sergey L. Gladkiy
In this article we discuss the principles of face detection and facial recognition.
by HongBing75
A general robot operating system
by Cloud Native Apps Team
Explore real-world examples of how Intelligent Apps revolutionize logistics, retail, finance, manufacturing, tech, and medicine
by Nirosh
Impact of quantum computing on healthcare industry
by HTML5 Partners
How the "Be the Thief" experience was created
by Intel
This article will go over some basics of AI, and outline some tools and resources that may help.
by Sean Ewington
In this article, I will show you how to install Home Assistant Container on Windows, using Docker and Portainer, get it working with Agent DVR, and send an MQTT message from Agent DVR using CodeProject.AI Server to detect a person.
by Sean Ewington
In this article, I guide you through installing Docker, then running CodeProject.AI Server in Docker.
by Sean Ewington
In this article I show to use Agent DVR and CodeProject.AI Server to detect a delivery package, and take a recording when a package is detected.
by Sean Ewington
In this article, we setup Agent DVR, get it running with CodeProject.AI Server, and setup Agent DVR to trigger an alert when a person is detected.
by Sean Ewington
In this article, I walk you through setting up CodeProject.AI Server and Blue Iris using a Wyze Cam v3.
by Sean Ewington
In this article, I'm going to set up Home Assistant OS on a Raspberry Pi 4, then use CodeProject.AI Server to detect a person, and then have Home Assistant send a notification with an image to a mobile phone.
by Sean Ewington
In this article, I set up Home Assistant Container to work with CodeProject.AI Server and a Wyze Cam v3. Then as a proof of concept, I'll use CodeProject.AI Server to detect a person from Home Assistant.
by Matteo Manferdini
A guide on how to be on top of iOS development
by Matthew Dennis
In this article, I will discuss what I experienced while creating a custom model for the detection of backyard pests. You can download the resulting critters.pt file.
by NVIDIA
The article discusses the challenges in training accurate object detection models for industrial visual inspection and proposes the use of synthetic data to address dataset limitations.
by Martin_Rupp
In this article, we’ll train and test the model we created in the previous entry in the series.
by Stevan Rogers
Dynamically adapting your UI to 2 in 1 configuration changes
by Paula_Ramos
In this article, you will learn how to work with live human action recognition using the OpenVINO™ AI toolkit in a synchronized schedule.
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 Sergey L. Gladkiy
In this article, we’ll run a pretrained DNN model to detect faces in video.
by Sergey L. Gladkiy
In this article, we’ll discuss some aspects of developing a facial recognition system from scratch.
by Huseyin Atasoy
An image classifier / tagger based on convolutional neural networks. Now more than 10 times faster with the Intel MKL support.
by Ashkan Pourghasem
Hands on tutorial of implementing batch gradient descent to solve a linear regression problem in Matlab
by Nicolas DESCARTES
How to implement kd-trees in C# ?
by Jayson DeLancey
This article is the sixth in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this article let’s look at what a process of annotating our own dataset would entail.
by hzhou
A C# implementation of bucket elimination algorithm for inference in belief networks.
by Glenn Prince
In this article, we'll set up everything we need to build a hardhat detector with OpenCV.
by Arthur V. Ratz
How to properly install and configure SAP-HANA and TensorFlow Model Server to predict the S&P 500 Index
by Arthur V. Ratz
How to create and export TensorFlow S&P 500 Index prediction model and serve it using TensorFlow Model Server
by Arthur V. Ratz
How to predict S&P 500 Index on the SAP-HANA SQL-engine backend using EML library
by DaveMathews
Using an on-device bot development framework to integrate a chatbot into unity
by Intel
An interview with Adam Milton-Barker, Intel® Software Innovator.
by Utku KAYA
Introduction to Intelligent Systems in practice.
by Intel
Your Path to Deeper Insights
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 JoeSox
Basic concepts in Intelligent Agent programming.
by Glenn Prince
This article is the first in the Data Cleaning with Python and Pandas series that helps working developers get up to speed on data science tools and techniques.
by Jayson DeLancey
This article is the first in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. This article is a primer on some key NLP concepts and getting started with the Natural Language Toolkit (NLTK) Python library.
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 Sergey L. Gladkiy
In this article, we focus on developing and testing a face identification algorithm along with the face detection module.
by David Rousset
In this article we’re going to see that HTML5 offers the Web a better way to handle these new, marvelous processors to help you embrace a new generation of Web applications
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 look at what you can do with the Natural Language Toolkit (NLTK).
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 philoxenic
In this article, we start to look at the OpenAI Gym environment and the Atari game Breakout.
by Thomas Daniels
In this article let's get started hands-on with OpenCV.
by Priyank Bolia
A beginner's tutorial on wxWidgets for cross platform GUI development.
by Andres Cassagnes
A basic guideline to start with GUI designing with wxWidgets
by Dan Colasanti
This article describes my experience porting Invasion from XNA/WP7 to MonoGame/WP8 and includes Invasion's complete source code.
by Dan Colasanti
This is a port of Invasion (originally posted on CodeProject by Mauricio Ritter) to Windows Phone 7 (with some enhancements).
by Jarek Szczegielniak
In the next article, we’ll start working on the iOS application that will use that model.
by Tecfield
This article is about a new operating system called ISATIS
by JeffHeaton
Use Encog genetic algorithms, simulated annealing, neural networks and more with HTML5 Javascript.
by Cloud Native Apps Team
In this first article of our hands-on series, we’ll delve into creating an Intelligent App that leverages Azure AI Vision to analyze images and extract data.
by Cloud Native Apps Team
In the last article, we created an Intelligent App that leverages Azure AI Vision to analyze images and extract data. We developed an API to perform optical character recognition (OCR) on uploaded images and tested this API locally.
by Gaston Verelst
How to use F# to implement algorithms such of k-means
by Abhishek M
An article on Knowledge Management for organizations.
by Carlos Jiménez de Parga
Expert system modeling in CommonKADS and CLIPS implementation, embedded in C++.
by KrirkDev
This game allows you to create a Minimax bot, then play reversi with it.
by Sergio Virahonda
In this article in the series, we label a face mask dataset.
by Intel
New Features and Tools to Maximize Your HPC, AI, and Analytics Applications
by Marla Sukesh
In this article we will learn basics about DW, BI, SSIS and ETL Process
by Marla Sukesh
In this article we Learn step by step how to create project with MSBI.
by philoxenic
In this article we will learn from the contents of the game’s RAM instead of the pixels.
by philoxenic
In this article, we will see how we can improve by approaching the RAM in a slightly different way.
by philoxenic
In this article, we will see how you can use a different learning algorithm (plus more cores and a GPU) to train much faster on the mountain car environment.
by philoxenic
In this final article in this series, we will look at slightly more advanced topics: minimizing the "jitter" of our Breakout-playing agent, as well as performing grid searches for hyperparameters.
by pseudonym67
A Connect Four Game that learns from experience.
by Alibaba Cloud
This post features a basic introduction to machine learning (ML). You don’t need any prior knowledge about ML to get the best out of this article. Before getting started, let’s address this question: "Is ML so important that I really need to read this post?"
by Rami Alshaar
Enhance your coding skills with a walkthrough on how to create a smart calculator with many features made in Python.
by Ruturaj Raval
In this article we walk through the basic setup of the model-based app in the Android environment.
by Ruturaj Raval
In this article we’ll set up the TFLite model in the Android environment and create a working demo application.
by Hisham Abdullah Bin Ateya
Querying a family tree in LINQ fashion.
by Ruturaj Raval
In this article we’ll go over the project outcome and put together some "lessons learned" for your future live detection tasks.
by Ruturaj Raval
In this article series, we’ll demonstrate how to use AI to determine what’s going on in a live video stream by building a lightning detector that runs in realtime on an Android device.
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 Glenn Prince
In this second part of the Data Cleaning with Python and Pandas series, now that we have a Jupyter Notebook set up and some basic libraries initialized, we need to load some data. To do this, we’ll load data from a CSV file, as well as from a local SQLite database.
by Miguel Diaz Kusztrich
Demonstrate or refute a conclusion automatically from a series of premises
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 KristianEkman
A cell by cell walkthrough of the maths of a Neural network
by Intel
Intel is uniquely positioned for AI development—the Intel’s AI Ecosystem offers solutions for all aspects of AI by providing a unified front end for a variety of backend technologies, from hardware to edge devices.
by Dirk Bahle
Solving the Classification problem with ML.Net Version 0.2.
by Łukasz Bownik, Tomek Steclik
This article presents the use of inference engine to implement mechanisms that automatically detect design errors and generate design tips in CAD (Computer Aided Design) applications. The article discusses a number of implementation issues, that can be avoided by using an inference mechanisms. Th
by Intel
Building an MLOps Environment with the Intel® AI Analytics Toolkit, MLflow, and AWS
by CodeMaster9
This will help you make you're own advanced tic tac toe game
by Keith Pijanowski
In this article I provide a brief overview of Keras for those looking for a deep learning framework for building and training neural networks
by Keith Pijanowski
In this article I provide a brief overview of PyTorch for those looking for a deep learning framework for building and training neural networks.
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 asheesh goja
‘Expert Systems’ is one of the most commercially successful application of Artificial Intelligence. This three part series describes how to develop an expert system based artificial advisor, using a backward reasoning algorithm.
by asheesh goja
‘Expert Systems’ is one of the most commercially successful application of Artificial Intelligence. This three part series describes how to develop an expert system based artificial advisor, using a backward reasoning algorithm.
by Ryan Scott White
A tool that captures live market data for a set of symbols and saves them to 1-second snapshots in a SQL database.
by Ata Amini
A set of static methods in Java that are critical in all mathematical calculations that involve matrices
by Android on Intel
Whether you are looking for an entire game engine to develop your idea into a game, or an efficient easy-to-use video codec to deploy full motion video, this list will guide you to the best middleware to use while developing your game for Intel® architecture.
by Allister Beharry
In this article, we focus on developing a computer vision framework that can run the various Machine Learning and neural network models – like SSD MobileNet – on live and recorded vehicle traffic videos.
by Lucas Allen
Running, Initializing and Training a Neural Network.
by pi19404
Supervised ML algorithm for multi-class classification
by pi19404
About single-hidden layer MLP
by Jarek Szczegielniak
In this article we run inference on sample images with TensorFlow using a containerized Object Detection API environment.
by Intel
Intel® Software Innovator Joshua Montgomery, Karl Fezer, and Steve Penrod of the Mycroft team let me pick their brains to learn a bit more about Mycroft.
by Vince Chan
A walkthrough of common machine learning tasks - by building a Naive Bayes Spam Classifier using python and scikit-learn
by Arthur V. Ratz
In this article we’ll formulate and thoroughly discuss about probabilistic Bayesian classification algorithm and its implementation in Node.JS and JavaScript that can be actively used to detect and locate messages containing potential spam and other unsolicited data.
by pseudonym67
A neural network library in C#.
by D. Infuehr
How to implement a simple neuronal network into C#
by Jayson DeLancey
This article is the fifth in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this article we're building an optimized machine learning model.
by Raphael Mun
In this article we’ll explore some Azure Cognitive Services that bring the power of AI to any app through the cloud.
by Ngọc Minh Trần
Diary of learning Machine Learning and TensorFlow
by mohammad farahi
English Number recognition with Multi Layer Perceptron Neural Network (MLP)
by PARK Youngho
An example of using the WTL library in an artificial intelligence game.
by Chris Maunder
The first in a two-part series on detecting objects and evil rodents
by Chris Maunder
The second in a two-part series on detecting objects and evil rodents
by Vijay Rajan Nadar
by dzzxyz
Optimize your C# with Inline ASM via ATL and C++
by Allister Beharry
In this article, we explore the different ways of measuring vehicle speed and the different Deep Learning models for object detection that can be used in our TrafficCV program.
by Sean Ewington
In this article, I download a custom model to detect packages, set up Blue Iris to detect the package, trigger an alert, and send an email notification that a package has arrived.
by Sean Ewington
In this article, I use CodeProject.AI Server, Agent DVR, and Home Assistant Container to detect when a person is in the camera's frame, start recording, then take a snapshot that gets sent to my phone with an alert.
by Keith Pijanowski
This article is the first in a series of seven articles in which we will explore the value of ONNX with respect to three popular frameworks and three popular programming languages.
by Cloud Native Apps Team
In topic 2 of our series, we explore the power of multi-model databases for Intelligent Apps and their integration with Azure Cosmos DB and Azure Kubernetes Service (AKS).
by Arnaldo P. Castaño
In this article, we’ll talk about preparing a dataset for feeding the correct data to a CNN.
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 Jarek Szczegielniak
In this article we’ll start data preparation for this new, custom model, to be later trained using the Create ML framework.
by Sergey L. Gladkiy
In this article we’ll create the training dataset for our pest of choice: The moose.
by Allister Beharry
In this article, we’ll go through installation of the operating system on the Pi, securing it, and configuring it for remote access over WiFi.
by Sergio Virahonda
In this article we prepare a face mask images for our AI model training.
by Glenn Prince
In this article, we train our own custom model to detect if people are wearing hardhats.
by Cloud Native Apps Team
Check out this article of our series on intelligent apps to learn best practices for transitioning your on-premises or IaaS solutions to intelligent apps.
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 Dan Buskirk
First contact with Prolog programming for .NET and Mono Developers
by JorgeLuisOrejel
Propagation of constraints
by Jayson DeLancey
This article is the fourth in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this and additional articles, we’re going to try and improve upon our approach to analyzing the sentiment of our communities.
by Robert_Dyball
Amazon Sage Maker and SAP HANA together provide a powerful set of tools that could be used to help protect investors, lenders and borrowers in financial services industry.
by Thomas Daniels
In this article we can take a look at what libraries are available to work on AI and ML tasks.
by Thomas Daniels
This article provides some tips for experienced programmers to get up to speed with the basics of Python.
by Thomas Daniels
In this article we go a bit further with generators and classes.
by Thomas Daniels
Now that you know some of the basics of Python we can go a bit deeper, with the lists and tuples data structures and see how to work with them.
by Shweta Lodha
Ways to extract information from sales receipt and detailed demonstration of how to use pre-built ML models
by Leo Moll
Very humorous historical text about the art of programming computers
by MehreenTahir
In this will article extend our model to do custom classification in real time using a webcam.
by Sergey L. Gladkiy
In this article we’ll develop Python code for person detection in a video stream.
by Sergey L. Gladkiy
In this article, we’ll modify the code for real-time processing on an edge device.
by Sergey L. Gladkiy
In this article, we’ll showcase the Python code for launching these models and detect humans in images.
by Sergey L. Gladkiy
This is the first in an article series where we’ll show you how to detect people in real time (or near-real time) on Raspberry Pi.
by Sergey L. Gladkiy
In this article, we’ll see how you can install Python-OpenCV on the device and run the code.
by Sergey L. Gladkiy
In this article, we’ll discuss the pros and cons of the existing DNN approaches and select a pre-trained model for further experimentation.
by Sergey L. Gladkiy
In this article, we’ll test the accuracy and the performance of the MibileNet and SqueezeNet models on the Raspberry Pi device.
by Sergey L. Gladkiy
In this article, we compared two DNN types we can use to detect pests: detectors and classifiers.
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 Thomas Daniels
This article describes how to use a neural network to recognize programming languages, as an entry for CodeProject's Machine Learning and Artificial Intelligence Challenge.
by billschreiber111
This article describes a recommendation engine or collaborative filter that is written in C#.
by Shahin Khorshidnia
For beginners, Recursive introduction, Examples, Benefits and Defects. A part of Data structure.
by Cloud Native Apps Team
In the part of our series on intelligent apps, we’ll explore how AI is transforming application development, from design and architecture to building.
by Glenn Prince
In this sixth part of the Data Cleaning with Python and Pandas series, we look at a few of the simpler methods for combining data.
by Abdulkader Helwan
In this article, we’ll work on restructuring ResNet50 to perform the new classification task.
by Zdravko Krustev
An implementation of the popular game Reversi, written as a project for an AI course.
by Sergio Mach
Evaluate C# on delivering more than 1000 animated sprites on fullscreen 1280x1024.
by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
by Chris Maunder
Building, running and debugging CodeProject.AI Server on a Raspberry Pi
by Sergey L. Gladkiy
In this next article of the series, we’ll show how to run the face recognition servers on Kubernetes.
by Intel
Intel’s new Deep Learning tools (with the upcoming integration of Nervana’s cloud stack) are designed to hide/reduce the complexity of strong scaling time-to-train and model deployment tradeoffs on resource-constrained edge devices without compromising the performance need.
by Chris Maunder
In this article we will explore how self-hosted AI, specifically CodeProject.AI Server, empowers businesses to leverage the power of AI while maintaining control over their data.
by Miguel Angel Cabrera Miñagorri
Learn to create real-time computer vision applications with a couple of Python functions and a model URI.
by DataBytzAI
Using a pre-configured environment on Azure to create a "ready to go" Deep Learning machine
by Allister Beharry
In this article, we set up a development environment on Windows 10 for cross-platform computer vision and machine learning projects to run on our Pi device.
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 Chris_Meyer
Using Azure, teach Misty to read text extracted from an image, and then return an encoded .wav file that she can save and play.
by Jarek Szczegielniak
In this article we prepare our development environment.
by KrirkDev
This is an article about how to create a Gomoku program with an AI in C#.
by @Abdul Azeez Thekkekandy
This article describes how AI can be utilized to make a better team strategy from Manager (or Team Coach) in a live soccer game by utilizing SAP HANA and Amazon Sagemaker capabilities together.
by hosein fereidooni
This article solves a maze problem with Informed Search
by Chris Maunder
Discover the fundamentals of artificial intelligence (AI) and how it can revolutionize your business. Learn about the benefits, applications, and practical use cases to ignite your curiosity
by hosein fereidooni
Solving Sudoku using Informed Search Algorithms
by James Ashley
An application that plays word games to demonstrate the SAPI capabilities of Vista and the .NET 3.0 Framework.
by Diego Stéfano
Spam detection in Scala using Deeplearning4j.
by Daniel Wood
Learn how changing the way you write queries can make them run faster. This article will describe the automated approach to optimizing SQL. DBA's have been doing it for years, now it's available for developers.
by Garretenion
In this article, I want to show an example to make a simple .NET-Core App using Keras.NET and Zalandos Fashion-mnist.
by Intel
There are many techniques to predict the stock price variations, but in this project, New York Times’ news articles headlines is used to predict the change in stock prices.
by Intel
OpenVINO integration with Torch-ORT gives PyTorch developers the ability to stay within their chosen framework all the while still getting the speed and inferencing power of OpenVINO™ toolkit through inline optimizations used to accelerate your PyTorch applications.
by Chris Maunder
Use CodeProject.AI Server to simplify your MLOps by providing a self-hosted, open source solution with easy installation, support for any language or framework, and built-in management of AI modules
by Wesner Moise
Detailed looked at the implementation of strings in .NET
by Sreram K
This explains the working of a program that solves Sudoku puzzles.
by Atalia Beukes
An example of how to use Microsoft Solver Foundation on a constraint satisfaction problem.
by Chris Maunder
This article will show you how to create a module for CodeProject.AI Server that wraps some code that takes a long time to complete
by Matthias Reichenbach
Simple API to define your own Fuzzy System in C# based in the Tugaki-Sugeno Fuzzy System
by Cloud Native Apps Team
In this four-part series, you’ll learn how to create an Intelligent App with Azure Container Apps. In this third part, you’ll explore how to level up your Intelligent Apps by training a custom model using your own dataset.
by Cloud Native Apps Team
In this four-part series, you’ll learn how to create an Intelligent App with Azure Container Apps. In this fourth and final part, you’ll explore how to integrate a custom model into your Intelligent Apps, enhancing the application’s features with specialized AI.
by philoxenic
In this article, we set up with the Bullet physics simulator as a basis for doing some reinforcement learning in continuous control environments.
by philoxenic
In this article, we look at two of the simpler locomotion environments that PyBullet makes available and train agents to solve them.
by Allister Beharry
NewsAlpha is a social news analyzer running on Microsoft Azure which aggregates and analyzes social news posts across different Internet forums and social media sites looking for threats of violence or self-harm in near real-time.
by Intel
This paper introduces the Artificial Intelligence (AI) community to TensorFlow optimizations on Intel® Xeon® and Intel® Xeon Phi™ processor-based platforms.
by KristianEkman
Chess engine and simple chess user interface
by Niladri_Biswas
Text Mining and its Business Applications
by Christ Kennedy
You are a suspect!
by Intel
Using the Intel® IoT Analytics Website for Data Mining
by Serge Desmedt
A try it yourself guide to the basic math behind ADALINE perceptron
by Kornfeld Eliyahu Peter
The Machine Learning and Artificial Intelligence Challenge
by Adrian Pirvu
Neural Patterns model for new thinking machines
by Mosi_62
Logistic regression, back propagation and support vector machine in comparison on the Iris data set
by George Swan
A simple invincible implementation of Tic Tac Toe
by kristofleroux
Create your own flickr diashow
by Christ Kennedy
An exhaustive search of all game-states used to trace Mini-Max decisions from End game up through to Start game
by Oana Mancu
Any deterministic game can be broken down to its core functionalities. By understanding them, one can implement fundamental algorithms such as Minimax (with alpha beta pruning), thus paving the way towards a better AI opponent.
by Saman Saeedi
A code sample to explore adversarial search algorithms
by Jeff B. Cromwell
Granger Causality in both R and C#.NET with open source libraries.
by Martin_Rupp
Tools and software required to build a DL-based automatic translation system
by Glenn Prince
In this article, we begin the process of creating a custom object detection model.
by Sergey L. Gladkiy
In this article, we’ll discuss training our DNN classifier with the augmented dataset.
by philoxenic
In this article we will try to train our agent to run backwards instead of forwards.
by philoxenic
In article in this series we will look at even deeper customisation: editing the XML-based model of the figure and then training the result.
by philoxenic
In this article in the series we start to focus on one particular, more complex environment that PyBullet makes available: Humanoid, in which we must train a human-like agent to walk on two legs.
by philoxenic
In this article we will adapt our code to train the Humanoid environment using a different algorithm: Soft Actor-Critic (SAC).
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 Chris Maunder
Dive into the world of machine learning and explore how it empowers businesses to extract valuable insights from vast amounts of data. Discover practical techniques and tools for successful implementation.
by Asha Desai
This program allows you play Solitaire puzzle also known as Peg Solitaire Puzzle.
by Nicolas DESCARTES
How to implement neural networks in C#?
by Nicolas DESCARTES
What are vector databases?
by Daniel Admassu
The Project is an optical character recongnition application using artificial neural networks.
by Cloud Native Apps Team
This article explores how digital natives and Independent Software Vendors (ISVs) can transform their business operations and generate higher value for customers with generative AI and intelligent apps.
by Sander Rossel
In this article, we create a simple Power App to upload (or delete) images in Dataverse, just like a citizen developer.
by Sander Rossel
In this article, we create an Event Hub that Dataverse can send an event to when a new image is uploaded.
by Sander Rossel
In this article we’ll send the results from the Form Recognizer back to Dataverse so we can use them in our Power App.
by Joel Ivory Johnson
In this article we will take a pre-trained neural network and adapt it for use in TensorFlow Lite.
by Jayson DeLancey
This article is the seventh in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this article we look at some alternatives to VADER.
by Matthew Dennis
Integrating CodeProject.AI Server with the Blue Iris video security and webcam system
by Sergey L. Gladkiy
In this article we create a Docker container for this system.
by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
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 Jayson DeLancey
This article is the third in the Sentiment Analysis series that uses Python and the open-source Natural Language Toolkit. In this article, we'll look at techniques you can use to start doing the actual NLP analysis.
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 Allister Beharry
In this article, we have a look at the details of the TrafficCV implementation and the various object detection models to use for detecting vehicles and calculating their speed.
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.
by Mitchell J.
Introducing Wearable Chess - a complete, open-source chess app for Android Wearables!
by Sergey L. Gladkiy
In this article, we’ll wrap the face identification model in a simple Web API, create a client application on the Raspberry Pi, and run the client-server system.
by Afzaal Ahmad Zeeshan
What are the wearable devices and what is the role of Internet of Things in them and how do they interact to make things better and easy.
by Intel
Intel created this program in order to build relationships with software developers out in the real world creating everything from interactive virtual reality games to new devices to assist people with disabilities.
by awseditor
What's That Tune? is a light-hearted mashup of three web services in C#. This proof-of-concept records audio from a microphone, saves it to Amazon S3, creates a task for workers to name the tune using Amazon Mechanical Turk, then polls Amazon ECS for related albums.
by Adrian Pirvu
A closer look into differences between natural nervous systems and artificial neural networks
by Allister Beharry
This article series will show you how to build a reasonably accurate traffic speed detector using nothing but Deep Learning, and run it on an edge device like a Raspberry Pi.
by Sergio Virahonda
This series of articles will guide you through the steps necessary to develop a fully functional time series forecaster and anomaly detector application with AI.
by Sacha Barber
An AI search application using the A* algorithm.
by Paulo Zemek
This article will explain some concepts of game development and how to apply and adapt them for multiplayer development.
by Marcelo Ricardo de Oliveira
WCF-enabled multi-player XNA game for the Windows platform.
by Peter Leow
Design and implement a simple AI agent that can learn and fight the relentless spam plague.