Click here to Skip to main content
15,867,568 members
Everything / Artificial Intelligence / Neural Networks

Neural Networks

neural-network

Great Reads

by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
by Serge Desmedt
A try it yourself guide to the basic math behind perceptrons
by Byte-Master-101
In Part 2, the Neural Network made in Part 1 is tested in an environment made in Unity so that we can see how well it performs.
by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.

Latest Articles

by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
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 Tejpal Singh Chhabra
A C++ class implementing a back-propagation algorithm neural net, that supports any number of layers/neurons
by Denis Pashkov
Solve XOR problem using dynamic weights

All Articles

Sort by Updated

Neural Networks 

13 May 2015 by A. Fry
Hello -I am new to the ML scene and I am trying to understand the best practice for designing neural networks that "feed" other neural networks.For instance in the following example (image) we have two networks (1 & 2) which are using input data feed by a file. They were trained on 80%...
19 May 2020 by abc_
Hello everyone. i am a beginner in image recognition and i would like to ask where to start in order to create an image xray recoginiton app . i have studied about neural newtworks and how they work,my question is if you can suggest any language...
1 May 2019 by abdou_31
I have setting up a project that should detect iris region ( in eye ) in real time using deep learning , I have cloned yolo segmentation project in github : https://github.com/ArtyZe/yolo_segmentation I compiled the project using make -j4 , and i'm trying now to training my own dataset using...
16 Mar 2021 by Abdulkader Helwan
In this article we’ll show you how to use transfer learning to fine-tune the VGG19 model to classify fashion clothing categories.
17 Mar 2021 by Abdulkader Helwan
In this article we show you how to train VGG19 to recognize what people are wearing.
18 Mar 2021 by Abdulkader Helwan
In this article we evaluate VGG19 using real images taken by a phone camera.
19 Mar 2021 by Abdulkader Helwan
In this article we show you how to build a Generative Adversarial Network (GAN) for fashion design generation.
22 Mar 2021 by Abdulkader Helwan
In this article we show you how to train the GAN for fashion design generation.
15 Jun 2021 by Abdulkader Helwan
In this article, we discuss the CycleGAN architecture.
16 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN from scratch.
17 Jun 2021 by Abdulkader Helwan
In this article, we train a CycleGAN with a U-Net-based generator.
18 Jun 2021 by Abdulkader Helwan
In this article, we implement a CycleGAN with a residual-based generator.
8 Jul 2020 by Abhay binwal
I HAVE USED A DIABETES DATASET FOR TRAINING MY NEURAL NETWORK, AND MY MODEL IS OVERFITTING. HOW CAN I PREVENT THIS, I HAVE TRIED FEW METHODS TOO BUT IT DIDNT WORKED WELL. HOPE I CAN FIND ANY SOLUTION TO THIS PROBLEM ASAP. TRY RUNNING THIS CODE I...
22 Apr 2014 by Albert Holguin
Matlab is essentially a math engine with scripting capabilities. As its main goal is to help people design, test, and verify algorithms, there are many toolboxes available for it that have various common algorithms already implemented (toolboxes are essentially your code...
13 Feb 2017 by Alibaba Cloud
In this post, we learn about algorithms that help implement ML functions.
17 Jul 2017 by amir.nazarizadeh
Hi there I'm new to programming I want to implement simple Madaline for xor function in neural network I used the algorithm(see the link below) but it does not give me the right response it should gives right answer after 4 epochs what's wrong with my code? thanks.../ this is the link:...
17 Jul 2017 by amir.nazarizadeh
Hi I wrote following code but while loop has not any effect on w[i,j] what's wrong with this? help me please thanks What I have tried: using System; using System.Collections.Generic; using System.Linq; using System.Text; using System.Threading.Tasks; namespace xxxxxxx { class Program ...
28 Mar 2023 by Ammar Albush 1997
Logo Recognition System Program written in C# .NET 6.0 Windows Form (Tensorflow.net,Tensorflow.keras,Emgu Cv,ScottPlot.WinForms,Newtonsoft.Json)
28 Sep 2018 by Andrew Kirillov
The article demonstrates usage of ANNT library for creating fully connected ANNs and applying them to different tasks.
20 Dec 2018 by Andrew Kirillov
Use of ANNT library to create recurrent ANNs and apply them to different tasks
29 Mar 2022 by Andy Allinger
There's 2 big obstacles here you will have to face: First, 3*x + 2*y = 5 is underdetermined. Choose any x, and there is a y that will satisfy the equation. The genetic algorithm is for optimization. You need to pose this as an optimization...
15 Jun 2023 by Apoorva 2022
I worked on a predictive (classification) model. I used Word2Vec to convert the data is textual columns to numeric, following which I ran the machine learning algorithms. I have the following doubts regarding the working of Word2Vec: What I...
4 Apr 2019 by Apriorit Inc, Semyon Boyko
Find out an easy way to use the pretrained Inception V3 neural network for video classification.
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
22 Mar 2019 by Apriorit Inc, Vadym Zhernovyi
Learn more about the challenges we faced with dataset preparation and network configuration, and how these problems can be solved.
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.
6 Nov 2020 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.
6 Nov 2020 by Arnaldo P. Castaño
In this article we will examine the CNN we implemented for coin recognition using Keras.NET.
9 Nov 2020 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.
24 Aug 2020 by Aryan Sethi
I tried to make a UNet based Autoencoder for the purpose of De-blurring images but I got terrible accuracy scores and loss values. How can I improve the model ? The code for the model is HERE What I have tried: I tried to vary the learning...
18 Nov 2017 by asiwel
Construct a confusion matrix or crosstab for binary or multi-level classifier training or validation data in C#
22 Nov 2017 by Bahrudin Hrnjica
How to setup learning rate per iteration in CTNK using C#
13 Jul 2018 by Bahrudin Hrnjica
How to implement data normalization as regular neural network layer, which can simply training process and data preparation
7 Aug 2017 by Bhairav Thakkar
A basic artificial neural network code for experimenting
19 Feb 2018 by Byte-Master-101
In Part 2, the Neural Network made in Part 1 is tested in an environment made in Unity so that we can see how well it performs.
20 Feb 2018 by Byte-Master-101
Now that we got the basics over with, it's time for improvement!
1 Mar 2018 by Byte-Master-101
Neural Networks can do a lot of amazing things, and you can understand how you can make one from the ground up. You can actually be surprised how easy it is to develop one from scratch!
12 Jul 2013 by chady1
How can I develop an app which has Optical Character Recognition and can display the text from an Image? And how can I train it to understand handwritten text from a picture?Thanksps:I know java,android development, c++, c...
19 May 2020 by CPallini
Quote: if you can suggest any language to code Python is mainstream. Quote: lso what is more friendly tensorflow or open cv? Some insight on the differences between OpenCV and TensorFlow here: OpenCV vs TensorFlow : MLQuestions[^].
30 Jan 2019 by csrss
Hello hello! Are there any AI experts present? :) So this is a general question, what neural network should I choose. 1. What I have. There is a data flow, which happens once at a time, and data has a format of array of doubles: {0.67, 0.70, 0.71, 0.70, 0.72} {0.70, 0.71, 0.70, 0.69, 0.71}...
29 Oct 2014 by Dana Sorani
hi i want build the project that have ability to recognize the sound of different person dose we have any library and .net to do that ? thanks
29 Oct 2014 by Dana Sorani
but by that way i can recognize voice from different person to determine that voice is the "John" and that one is "Ali" ?
20 Jun 2017 by Dave Ceddia
If you are learning React, start small
26 Nov 2023 by dbaechtel
What is the definition of the unary function in the following procedure? void train(NeuralNetwork& net) { cout
18 Jul 2013 by dbukab
I have collection of emails in the mysql splitted into category. I want to train network with resilient propagation. Do I think properly if I would like to prepare CSV document with tf-idf values like: "","word1","word2","word3","word4"... ...
15 Jan 2022 by Denis Pashkov
Solve XOR problem using dynamic weights
10 Oct 2018 by Dr. Song Li
This is a library to implement Neural Networks in JavaScript.
21 Mar 2014 by ekologic
Hi all,i am kinda confused i've tried almost everything but with no luck unfortunately, initially i thought that i could have a mistake in the data, i've checked over and over again but didn't find anything exceptional,so my problem is as follows :I have a neural network which has a...
8 Sep 2015 by Emiliano Musso
Basics of implementing a neural network in VB.NET
16 Sep 2017 by Gamil Yassin
Perceptron, when to use it and sample code
17 Sep 2017 by Gamil Yassin
Part 4 of a series of articles demonstrating .NET AI library from scratch
30 Jan 2019 by Gerry Schmitz
It's a simple Bayesian classification. You "train" the model; then run it with (random) samples from the training data to test it; then run it against actual data. There is no procedure for learning "on the fly". (And your "classification" is missing from your training data). Naive Bayes...
19 May 2020 by Gerry Schmitz
Image classification  |  TensorFlow Core[^]
24 Aug 2020 by Gerry Schmitz
Can't see how ML can help you much; it's more about algorithms (light intensity; contrast; etc.). Deblurring Images Using the Blind Deconvolution Algorithm- MATLAB & Simulink Example[^]
13 Nov 2023 by Hatem Mostafa
Artificial Neural Network C++ class with two use cases: Counter and Handwritten Digits recognition
21 Apr 2014 by helloworld2020
Hi all, I don't know where exactly to start with my question, because I am beginner with Neural Network. I read some papers about Neural Networks but anyway still confused in some questions. So, I would appreciate any help from your side.Earlier I have developed a crossword generator...
28 Jan 2016 by hemanthk119
Genetic Mutations of Neural Networks to produce better offspring in fish like virtual creatures
26 Jun 2019 by hemanthk119
Image Classification implementation using Deep Belief Networks and Convolutional Neural Networks in .NET
11 May 2020 by Huseyin Atasoy
An image classifier / tagger based on convolutional neural networks. Now more than 10 times faster with the Intel MKL support.
7 Feb 2017 by Intel
Improve Performance on Multicore and Many-Core Intel® Architectures, Particularly for Deep Neural Networks
26 Aug 2020 by Jarek Szczegielniak
In this article we prepare our development environment.
27 Aug 2020 by Jarek Szczegielniak
In this article we'll convert a ResNet model to the Core ML format.
28 Aug 2020 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.
31 Aug 2020 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.
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.
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.
23 Nov 2020 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.
24 Nov 2020 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.
25 Nov 2020 by Jarek Szczegielniak
In this article we are ready to include detection decoding directly in the Core ML model.
26 Nov 2020 by Jarek Szczegielniak
In this article we’ll create a Core ML pipeline to be our end-to-end model.
27 Nov 2020 by Jarek Szczegielniak
In the next article, we’ll start working on the iOS application that will use that model.
30 Nov 2020 by Jarek Szczegielniak
In this last article in this series, we’ll extend the application to use our YOLO v2 model for object detection.
16 Sep 2020 by Joel Ivory Johnson
This is the first in a series of articles on using TensorFlow Lite on Android to bring the power of machine learning and deep neural networks to mobile application
17 Sep 2020 by Joel Ivory Johnson
In this article we will take a pre-trained neural network and adapt it for use in TensorFlow Lite.
18 Sep 2020 by Joel Ivory Johnson
In this article we will create an Android application and import our TensorFlow Lite model into it.
21 Sep 2020 by Joel Ivory Johnson
In the previous installation of this series, a TensorFlow Lite interpreter had examined an image and produced its output. In this article we learn how to interpret these results and create visualizations for them.
22 Sep 2020 by Joel Ivory Johnson
In this article we will consider the ways in which the network could be further optimized.
23 Sep 2020 by Joel Ivory Johnson
In this article we will generate output from a program will provide a TensorFlow freeze graph ready to be used or converted to TensorFlow Lite.
25 Jan 2020 by Kebaboo
How can I create a neural network (textgenrnn)? Is there a detailed tutorial: steps, programs etc? I don't understand GitHub post.? What I have tried: I've just read some posts and watched videos. But I don't understand. I'm Russian.
11 Sep 2020 by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
14 Sep 2020 by Keith Pijanowski
In this article, I provided a brief overview of the ONNX Runtime and the ONNX format.
8 Jan 2019 by KristianEkman
A C# object oriented Neural Network, trainer, and Windows Forms user interface for recognitions of hand-written digits.
13 Mar 2015 by Larissa Schön
I want my computer to learn what my face looks like when I am in a certain mood(self defined, not just happy and sad) via webcam and then predict the mood I am likely in(in per cent, not binary) by having given it training. Like...
7 Nov 2018 by MadMyche
The standard method to determine the average for a particular day is to look average the numbers for that particular day in past years. To guess what the future values will be, you would need to start with the average and then compensate for trends over the last couple of years (are sales have...
13 Sep 2019 by Mahdi_it
Guys, I have a project on character recognition using a landTiger NXP LPC1768 ARM board using a touchscreen and so on. I have no experience in doing such a project but it's vital to me to do it. can anyone give me some basic ideas about how to start and develop the required code, please? any...
3 Apr 2019 by Mahsa Hassankashi
This article also has a practical example for the neural network. You read here what exactly happens in the human brain, while you review the artificial neuron network.
21 Oct 2016 by marcus obrien
Computer engineering and the hidden neural network brain in the Arduino 101
21 Apr 2014 by Matt T Heffron
I don't think this is an appropriate application for Neural Networks.A Neural Network is really for classification types of problems, not generation.Fundamentally it is a technique to construct a trainable pattern recognition system.Check out the free Learning From Data[^] online course...
30 Sep 2021 by maverick maiden
I've been trying to implement this collab code https://colab.research.google.com/drive/11ko0DBnI1QLxVoJQR8gt9b4JDcvbCrtU#scrollTo=PhAuO2-1ZBnv but encountered this error in TRAINING part of the code:- --pipeline_config_path={config_path +...
22 Apr 2014 by Mehdi Gholam
c# is a general purpose programming language.MATLAB is a specialized numeric programming platform.They are different things but can do artificial neural networks with the right libraries.
26 Oct 2020 by MehreenTahir
This is the first in an article series where we’re going to show how to make an AI queue length detector.
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.
28 Oct 2020 by MehreenTahir
In this article, we will train a deep learning model to detect and count the number of people in a given area.
22 Nov 2014 by Member 10808329
I want to combine fuzzy system and neural network models.I mean that the output of neural network will be given as an input to the fuzzy system or the output of fuzzy system will be given to neural network but i don't know how i achieve this goal ? Is it possible or not? Please help me Tanx a lot
12 Jun 2014 by Member 10881976
I have 200 samples,(In the bottom link is a obvious sketch)each sample has 4 Inputs (a,b,c,(t1,t2,t3))and 1 Output (variable according to the t1,t2 and t3).The(t1,t2 and t3)is not consistent for all samples i.e. for first sample(t1=3 day,t2=7 day,t3=15 day),Second sample(t1=2 day,t2=9 day,t3=17...
27 Jan 2015 by Member 11406696
Hello allI am trying to learn Neural Networks and was trying to implement a simple Shape Recognition Alogithm in C# and AForge using Distance Histograms normalized to Values between 0 and 100.A distance Histogram of a bone shape looks like this:int[] boneHistogram = 77, 38, 30, 27,...
1 Feb 2015 by Member 11406696
I somehow managed to solve the problem by myself. It works, althought I think it might need refinement. What I do now is I create a Neuronal Network for each Shape and add all the histogram data of all the shapes into each network but define an Output Value of 0.5 for histograms that match that...