Click here to Skip to main content
15,861,340 members
Everything / Artificial Intelligence

Artificial Intelligence

artificial-intelligence

Great Reads

by CodeProject
Version 2.5.4. Our fast, free, self-hosted Artificial Intelligence Server for any platform, any language
by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
by Dmitriy Gakh
The perspectives of creating bots that write programs with two simple examples.
by Andrew Kirillov
The article demonstrates usage of ANNT library for creating convolutional ANNs and applying them to image classification tasks.

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 Member 10912276
How to control game elements based on predefined conditions
by CodeProject
Version 2.5.4. Our fast, free, self-hosted Artificial Intelligence Server for any platform, any language
by Chris Maunder
The full walkthrough of a bare bones module for CodeProject.AI using Python

All Articles

Sort by Score

Artificial Intelligence 

29 Feb 2024 by CodeProject
Version 2.5.4. Our fast, free, self-hosted Artificial Intelligence Server for any platform, any language
13 Nov 2023 by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
14 Dec 2018 by Dmitriy Gakh
The perspectives of creating bots that write programs with two simple examples.
28 Oct 2018 by Andrew Kirillov
The article demonstrates usage of ANNT library for creating convolutional ANNs and applying them to image classification tasks.
6 Dec 2002 by hzhou
A C# implementation of bucket elimination algorithm for inference in belief networks.
9 Sep 2017 by Gamil Yassin
Part 1 of a series of articles demonstrating .NET AI library from scratch
2 May 2022 by KristianEkman
How to build an AI which plays Backgammon
26 Aug 2020 by DaveMathews
Automated Chat bot agent in an ASP.NET website that does not depend on any external API services
28 Sep 2018 by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.
24 Jun 2019 by Thomas Daniels
This article describes the making of a tic tac toe player that uses neural networks and machine learning.
15 Dec 2021 by asiwel
Bezier Curve Classification Training And Validation Models Using ALGLIB
27 May 2014 by Mohd Akram
16 Sep 2017 by Gamil Yassin
Perceptron, when to use it and sample code
29 May 2020 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.
7 Dec 2022 by KrirkDev
This game allows you to create a Minimax bot, then play reversi with it.
17 Sep 2017 by Gamil Yassin
Part 4 of a series of articles demonstrating .NET AI library from scratch
4 Jan 2024 by KrirkDev
This is an article about how to create a Gomoku program with an AI in C#.
29 May 2020 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.
29 May 2020 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.
29 May 2020 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.
11 Jun 2020 by Glenn Prince
This article gives you a good starting point for your own object detection projects.
1 May 2023 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.
17 Oct 2022 by Chris Maunder
The first in a two-part series on detecting objects and evil rodents
10 May 2021 by Ryan Scott White
Converts past and real-time stock market tick data into time-sliced summaries called Briefs
29 Sep 2017 by Gamil Yassin
ML algorithms based on function or type of problems they solve
10 Jun 2022 by Gaston Verelst
How to use F# to implement algorithms such of k-means
13 Mar 2019 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.
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.
3 Nov 2018 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.
8 Apr 2018 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
4 Sep 2020 by Mosi_62
Logistic regression, back propagation and support vector machine in comparison on the Iris data set
29 May 2020 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
4 Jun 2020 by Glenn Prince
In this article, we'll set up everything we need to build a hardhat detector with OpenCV.
20 Aug 2020 by Serge Desmedt
A try it yourself guide to the basic math behind ADALINE perceptron
8 Nov 2023 by Sean Ewington
In this article, I guide you through installing Docker, then running CodeProject.AI Server in Docker.
24 Jan 2010 by Jeroen De Dauw
A small C# library that provides scaffolding for genetic algorithm based functionality.
22 Nov 2018 by Philipp_Engelmann
How to create a Turing machine in Python - Part 2
29 May 2020 by Glenn Prince
In this seventh part of the Data Cleaning with Python and Pandas series, we can explore our visualization options.
9 Jun 2020 by Glenn Prince
In this article, we train our own custom model to detect if people are wearing hardhats.
26 Feb 2021 by Sergio Virahonda
In this article we talk about anomaly detection on time series data.
30 Oct 2023 by Rami Alshaar
Enhance your coding skills with a walkthrough on how to create a smart calculator with many features made in Python.
14 Feb 2017 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?"
29 May 2020 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.
10 Jun 2020 by Glenn Prince
In this article, we begin the process of creating a custom object detection model.
17 Jul 2020 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.
3 Sep 2020 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.
21 Nov 2020 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.
3 Apr 2012 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
23 Jun 2014 by lessthanoptimal
Introduction to and an example of how to use BoofCV
31 Jul 2013 by Hisham Abdullah Bin Ateya
Querying a family tree in LINQ fashion.
14 Sep 2019 by Arthur V. Ratz
How to create and export TensorFlow S&P 500 Index prediction model and serve it using TensorFlow Model Server
5 Jun 2020 by Glenn Prince
In this article, we create an object detection model.
13 Jul 2020 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.
5 Oct 2020 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.
27 Jan 2021 by Sergio Virahonda
In this article in the series, we label a face mask dataset.
9 Feb 2021 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.
28 Jun 2023 by Matthew Dennis
A brief walkthrough of adding a new .NET AI module to CodeProject.AI Server
29 Nov 2022 by Sean Ewington
In this article, I show you how to get facial recognition working in Blue Iris and CodeProject.AI Server.
10 Mar 2020 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.
4 May 2017 by Intel
This article will go over some basics of AI, and outline some tools and resources that may help.
3 Sep 2018 by asiwel
Bezier Curve Classification Training and Validation Models using CNTK and ALGLIB
19 Aug 2020 by MehreenTahir
In this article we create a web app that trains the classifier on the go and recognizes grumpy facial expressions.
26 Aug 2020 by Jarek Szczegielniak
In this article we prepare our development environment.
1 Sep 2020 by Jarek Szczegielniak
In this article we can proceed to train our custom hot dog detection model using Apple’s Create ML.
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
7 Oct 2020 by Sergey L. Gladkiy
In this article, we’ll showcase the Python code for launching these models and detect humans in images.
4 Nov 2020 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.
16 Nov 2020 by Ruturaj Raval
In this article we’ll set up the TFLite model in the Android environment and create a working demo application.
23 Dec 2020 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.
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.
11 Jan 2021 by Joel Ivory Johnson
In the next entry of the AI Hazard Detection on Android series, we will look at crash detection and notifications.
13 Jan 2021 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.
2 Feb 2021 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.
24 Feb 2021 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.
28 Oct 2022 by Sean Ewington
In this article, I walk you through setting up CodeProject.AI Server and Blue Iris using a Wyze Cam v3.
1 Feb 2023 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.
22 Apr 2022 by Chris Maunder
Adding AI to your applications doesn’t have to be all about fighting the tools and libraries
10 Aug 2023 by Chris Maunder
Building, running and debugging CodeProject.AI Server on a Raspberry Pi
29 May 2020 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.
24 Aug 2020 by MehreenTahir
In this article we’ll predict someone’s gender and age in the browser.
1 Oct 2018 by asiwel
How to Deploy Trained Models Concurrently
18 Feb 2019 by Apriorit Inc, ruksovdev
A detailed description of an FPGA-specific framework called ISE Design Suite, and the main steps you need to take in order to create a VGA driver using FPGA
30 Apr 2019 by Apriorit Inc, Semyon Boyko
The approach that allows you to make a neural network analyze the current frame while remembering the state of previous frames
8 Sep 2019 by Arthur V. Ratz
How to properly install and configure SAP-HANA and TensorFlow Model Server to predict the S&P 500 Index
29 May 2020 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.
8 Jul 2020 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.
5 Aug 2020 by Arnaldo P. Castaño
In this article we’ll put together our CNN and train it for face recognition.
10 Sep 2020 by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
25 Sep 2020 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.
21 Oct 2020 by Raphael Mun
In this article, we'll create a chatbot we can have a dialogue with.
27 Oct 2020 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.
29 Oct 2020 by MehreenTahir
In this article we will compare training our models from scratch with more advanced and pre-trained approaches like YOLO.
3 Nov 2020 by Arnaldo P. Castaño
In the next article, we will preprocess a dataset to be inputted to a machine learning model.
10 Dec 2020 by Dawid Borycki
In this article, we will use those centers to estimate distances between people and indicate people that are too close.
12 Jan 2021 by Joel Ivory Johnson
In the next part of the AI Hazard Detection on Android series, we’ll have the application process live data.
3 Feb 2021 by Raphael Mun
In this article we'll use the key facial landmarks to infer more information about the face from the images.
25 Feb 2021 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.
18 Mar 2021 by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
23 Apr 2021 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.