An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: feedforward-neural-network

Hemanthsp999/c-net

NeuralNet-C: Dive deep into AI with nothing but C and your brain.

Language: C - Size: 60.5 KB - Last synced at: 4 days ago - Pushed at: 4 days ago - Stars: 0 - Forks: 0

BerkeleyLab/fiats

A deep learning library for use in high-performance computing applications in modern Fortran

Language: Fortran - Size: 74.1 MB - Last synced at: 2 days ago - Pushed at: 2 days ago - Stars: 51 - Forks: 19

danial-hosseinpour/Deep-Learning-Projects

This repository contains a collection of deep learning projects implemented from scratch and using Keras/TensorFlow. The focus is on learning and experimenting with different neural network architectures for both foundational understanding and practical application.

Language: Jupyter Notebook - Size: 1.27 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0

danmcleran/tinymind Fork of intel/cppnnml

Tinymind is a Neural Network and Machine Learning project intended to provide a C++ template library for neural nets and machine learning algorithms within embedded systems.

Language: C++ - Size: 1.44 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 10 - Forks: 2

brain4j-org/brain4j

Open-source machine learning framework for Java. Designed with speed and lightweight in mind.

Language: Java - Size: 58.1 MB - Last synced at: about 1 hour ago - Pushed at: about 2 hours ago - Stars: 79 - Forks: 7

KotlinNLP/SimpleDNN

SimpleDNN is a machine learning lightweight open-source library written in Kotlin designed to support relevant neural network architectures in natural language processing tasks

Language: Kotlin - Size: 5.4 MB - Last synced at: 7 days ago - Pushed at: about 5 years ago - Stars: 100 - Forks: 9

tatavishnurao/Neuralnets_micrograd

Just posting my learning about Neural Networks

Language: Jupyter Notebook - Size: 3.68 MB - Last synced at: 11 days ago - Pushed at: 11 days ago - Stars: 1 - Forks: 0

lhldev/rust-neural-network

neural network implementation in rust

Language: Rust - Size: 32.2 MB - Last synced at: 11 days ago - Pushed at: 12 days ago - Stars: 1 - Forks: 0

AntonisZks/Deep-Learning-for-Natural-Language-Processing

This repository focuses on Deep Learning in NLP and implements sentiment classification models on a Twitter Dataset, using machine learning algorithms. It is based on an assignment from the Department of Informatics and Telecommunications at the University of Athens.

Language: Jupyter Notebook - Size: 49.7 MB - Last synced at: 16 days ago - Pushed at: 16 days ago - Stars: 0 - Forks: 0

caeciliaahen/image-classification

Image classification on the FashionMNIST dataset using pretrained ResNet-18, simple CNN model, and feedforward neural network.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

Mach-A/NYC_taxi_dataset_2024dataset

Pyspark data analytics & ML models

Language: Jupyter Notebook - Size: 121 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Generlate/model_generator_c_plus_plus

A feed forward neural network that learns to produce boxes.

Language: C++ - Size: 918 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

Generlate/model_generator

A feed forward neural network that learns to produce boxes.

Language: PowerShell - Size: 45 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

oysteijo/simd_neuralnet

Feed-forward neural network implementation in C with SIMD instructions

Language: C - Size: 495 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 17 - Forks: 0

Maartz/NN

A Feed Forward Neural Network in Erlang

Language: Erlang - Size: 21.5 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

100/Cranium

🤖 A portable, header-only, artificial neural network library written in C99

Language: C - Size: 99.6 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 598 - Forks: 55

Pargo18/Applying-Deep-Learning-vs-Machine-Learning-models-to-reproduce-dry-spell-sequences

This research constitutes an attempt to assess the dry spell patterns in the northern region of Ghana, near Burkina Faso. We aim to develop a model which by exploiting satellite products overcomes the poor temporal and spatial coverage of existing ground precipitation measurements. For this purpose 14 meteorological stations featuring different temporal coverage are used together with satellite-based precipitation products. Conventional machine-learning and deep-learning algorithms were compared in an attempt to establish a link between satellite products and field rainfall data for dry spell assessment.

Language: Jupyter Notebook - Size: 30.8 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 8 - Forks: 1

Dhanush-R-git/MH-Analysis

The MHRoberta is Mental Health Roberta model. The pretrained Roberta transformer based model fine-tunned on Mental Health dataset by adopting PEFT method.

Language: Jupyter Notebook - Size: 3.67 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

felipeadeildo/neural-network

Neural Network written from Scratch without libraries like tensorflow (documented)

Language: Python - Size: 32.5 MB - Last synced at: about 14 hours ago - Pushed at: about 2 months ago - Stars: 5 - Forks: 0

okayasl/runn

runn is a feature-rich, easy-to-use library for building, training, and evaluating feed-forward neural networks in Rust. It supports a wide range of activation functions, optimizers, regularization techniques, fine-grained parallelization, hyperparameter search, and more—all with a user-friendly API

Language: Rust - Size: 749 KB - Last synced at: 22 days ago - Pushed at: about 2 months ago - Stars: 3 - Forks: 0

elaheghiyabi96/fashion_mnist_nn_torch

"Simple neural network model using Torch for classifying the Fashion MNIST dataset, implemented with Torch."

Language: Jupyter Notebook - Size: 44.9 KB - Last synced at: 29 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

Haleshot/AI-ML-DL-NLP-CV

This Repository consists of programs related to AI-ML-DL-NLP-CV. Few examples include - KNN, Naive Bayes, Decision Trees, EDA etc.

Language: Jupyter Notebook - Size: 84.6 MB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 3 - Forks: 1

strayfade/fnn

A general-purpose, lightweight feed-forward neural network library for C++

Language: C++ - Size: 55.7 KB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 2 - Forks: 0

machinelearningnuremberg/WellTunedSimpleNets

[NeurIPS 2021] Well-tuned Simple Nets Excel on Tabular Datasets

Language: Python - Size: 95.7 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 85 - Forks: 15

michaelyang1/FeedForwardNeuralNetwork

A multi-layer perceptron/feed-forward neural network library with regularizers and optimizers.

Language: Python - Size: 17.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

abdelmalek-maskri/handwritten-digit-classifier

🧠 A simple neural network from scratch using NumPy to classify handwritten digits (MNIST). No TensorFlow, no PyTorch — just raw math, gradient descent, and NumPy. Great for learning how neural nets really work!

Language: Jupyter Notebook - Size: 9.12 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

I-Halder/ML-algorithm-from-scratch

This repo contains implementation of some basic ML algorithms from scratch on PyTorch with GPU support.

Language: Python - Size: 40 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

JoseRuiz01/DeepLearningTraining

Experiments with different deep learning architectures for image classification

Language: Jupyter Notebook - Size: 22.2 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

maciusyoury15/IFT6135_HW2

Implementing GPT, Decoder, LSTM, Lora, Layer-Batch normalizations, LLMs, FFNN, Attention mechanism, Transformer

Language: Python - Size: 4.41 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

okozelsk/EasyML

An easy-to-use independent machine learning library for .net. It offers MLP models (including deep RVFL aka ELM) for common ML tasks as well as Reservoir Computer for efficiently solving ML tasks on time series data.

Language: C# - Size: 5.47 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 4 - Forks: 0

rishikksh20/FNet-pytorch

Unofficial implementation of Google's FNet: Mixing Tokens with Fourier Transforms

Language: Python - Size: 87.9 KB - Last synced at: about 2 months ago - Pushed at: about 4 years ago - Stars: 259 - Forks: 37

uek-1/puffpastry

basic rust neural network framework

Language: Rust - Size: 98.6 KB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 1

tversteeg/neat-o 📦

:seedling: Realtime Neuroevolution of Augmented Topologies

Language: C - Size: 341 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 10 - Forks: 5

ranimeshehata/Heart-Failure-Classification-Problem Fork of habibatarek26/Heart-Failure-Classification-Problem

This project aims to build and evaluate machine learning models to predict heart failure based on patient data. The project includes the implementation of 6 machine learning algorithms.

Language: Jupyter Notebook - Size: 2.67 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

ranimeshehata/Feed-Forward-Neural-Network-on-MNIST

A PyTorch-based project for classifying the MNIST dataset using Feed Forward Neural Networks, including training, validation, results and visualization.

Language: Jupyter Notebook - Size: 22.5 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

mdkarimullahaque/da6401_assignment1

Here the feedforward neural network will be trained and tested using the Fashion-MNIST dataset. Specifically, given an input image (28 x 28 = 784 pixels) from the Fashion-MNIST dataset, the network will be trained to classify the image into 1 of 10 classes.

Size: 1.95 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

tamasdinh/bike-sharing-prediction-nn

Predicting bike sharing demand patterns with a feed-forward neural network implemented in raw NumPy.

Language: Jupyter Notebook - Size: 481 KB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 0 - Forks: 1

namansnghl/Stay-or-Stray

Course Dropout Prediction with Masked LMS data, Datathon Spring'24

Language: Jupyter Notebook - Size: 410 KB - Last synced at: 4 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mapluisch/TripoSR-for-Unity

Generate 3D meshes from 2D images and retexture them directly in Unity.

Language: Python - Size: 39.4 MB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 42 - Forks: 5

celinenguyentu/Deep_Neural_Network_for_Bermudan_Option_Pricing

An applied research project on Bermudan option pricing using FFNN.

Language: Jupyter Notebook - Size: 1.79 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

HarlockOfficial/Deep-Learning-and-Computer-Vision 📦

Prediction of Protein-Protein Interaction (PPI) sites for the classification of aminoacidic interaction

Language: Python - Size: 190 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Ornella-Gigante/IA_Deep_Learning

Solución de problemas reales- en este clasificando enfermedades cardiovasculares e imágenes- a través de un modelo FEED -FORWARD.

Language: Jupyter Notebook - Size: 85.9 KB - Last synced at: 6 days ago - Pushed at: 4 months ago - Stars: 3 - Forks: 0

Antonio-Onyx/feedforward-neural-network-from-scratch

FNN using only Numpy

Language: Jupyter Notebook - Size: 281 KB - Last synced at: 4 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Ornella-Gigante/Arquitectura_Avanzada_IA

The IA work on the Disneyland.csv dataset utilizes feed forward, LSTM, and BERT models to analyze and predict positive and negative reviews in a simple and engaging manner. By employing these models, the analysis provides valuable insights for park managers to enhance the visitor experience based on customer feedback.

Language: Jupyter Notebook - Size: 733 KB - Last synced at: 6 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

drkocoglu/Machine_Learning_Class

Machine Learning Class - ECE - TTU - Spring 2020

Language: MATLAB - Size: 15.2 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

sayemuzzamansiam/Neural-Network-From-Scratch

Building a Neural Network from Scratch using Python and NumPy

Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

Ritvik19/pyradox

State of the Art Neural Networks for Deep Learning

Language: Python - Size: 54.3 MB - Last synced at: 3 months ago - Pushed at: over 3 years ago - Stars: 61 - Forks: 6

LoserCheems/WonderfulMatrices

Wonderful Matrices to Build Small Language Models

Language: Python - Size: 8.78 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 43 - Forks: 0

mihaicristianfarcas/GPT

Generative Pretrained Transformer built from scratch using PyTorch.

Language: Jupyter Notebook - Size: 16.2 MB - Last synced at: 9 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

LoopyNoodle/Neural-Networks

A collection of small projects to further explore artificial neural networks (ANNs) and various machine learning algorithms.

Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

VGD3626/MLFFNN_from_scratch

Multilayer feed-forward neural network for binary classification

Language: Jupyter Notebook - Size: 588 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

NurFakhri/Predicting-Travel-Destination

Proyek machine learning untuk memprediksi preferensi destinasi wisata antara pantai dan gunung berdasarkan data tabular menggunakan model deep learning (TabNet dan Feedforward Neural Network) untuk klasifikasi, dengan fokus pada analisis performa

Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 7 days ago - Pushed at: 5 months ago - Stars: 1 - Forks: 0

CenturionTheMan/DrawingsIdentifier

Application for classifying hand-drawn sketches based on the QuickDrawDataset.

Language: C# - Size: 369 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

CenturionTheMan/ToyNeuralNetwork

A self-made neural network library that supports feedforward neural networks and convolutional neural networks

Language: C# - Size: 593 KB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

matcor852/NeuralNet 📦

Polyvalent neural network

Language: C - Size: 36.1 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

bd2720/ML-CPP

A simple machine learning library for C++

Language: C++ - Size: 34.2 KB - Last synced at: 15 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

hitesh1292/CIS-731-Artificial-Neural-Networks

CIS 731 ANN Assignments

Language: HTML - Size: 2.79 MB - Last synced at: 3 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

FabriDeCastelli/Wild-Cats-Classification

Classifies wild cats images

Language: Jupyter Notebook - Size: 74.3 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

nthnn/n2cmu

Feedforward Neural Network Coprocessing Microcontroller Unit (CPC via UART) for STM32F103C8T6 Bluepill Development Board written purely in TinyGo.

Language: Go - Size: 401 KB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0

mihkuno/SKENNET

A p5.js sketch with a supervised feedforward neural network model using ml5.js for training and predicting the input shape's color based on training coordinates.

Language: JavaScript - Size: 1.03 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

tpiasek/neuralNetworks_twoLayer_XOR

Simple two-layer neural network written in Python mainly to solve the XOR problem. NN implemented in two versions: without tensorflow usage and with tensorflow package. It uses back-propagation algorithm and sigmoidal activation functions. In more advanced versions other techniques like mini-batch, adaptive learning ratio etc. implemented.

Language: Python - Size: 143 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

benw126/ising-model-phases-classifier

2D Ising model phases classification using feedforward neural network. (Project for PHYS3151)

Language: Jupyter Notebook - Size: 624 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

snap-research/MLPInit-for-GNNs

[ICLR 2023] MLPInit: Embarrassingly Simple GNN Training Acceleration with MLP Initialization

Language: Jupyter Notebook - Size: 738 KB - Last synced at: 3 months ago - Pushed at: about 2 years ago - Stars: 77 - Forks: 4

moayadeldin/DiaLoop

Android/iOS app for Diabetes monitoring and prediction. (UI-based features & Predictive Analysis using Deep Learning)

Language: Dart - Size: 2.94 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 2 - Forks: 0

shubham0204/Feedforward_Neural_Network_Kotlin 📦

Feed-Forward Neural Networks implemented in Kotlin.

Language: Kotlin - Size: 12.7 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

lam1aa/Intent-classification-with-FNN

Language: Jupyter Notebook - Size: 343 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

mravanelli/pytorch_MLP_for_ASR

This code implements a basic MLP for speech recognition. The MLP is trained with pytorch, while feature extraction, alignments, and decoding are performed with Kaldi. The current implementation supports dropout and batch normalization. An example for phoneme recognition using the standard TIMIT dataset is provided.

Language: Perl - Size: 5.56 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 38 - Forks: 13

juliaenriquetto/fireforecast

Machine learning predicting potential fires in Brazil.

Language: Jupyter Notebook - Size: 136 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

jackkimmins/Alpha-Digit

C++ Feedforward Neural Network w/ WASM Inferencing & Vue3 UI for MNIST Digit Classification

Language: JavaScript - Size: 6.12 MB - Last synced at: 8 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

tgjeon/Keras-Tutorials

Simple tutorials using Keras Framework

Language: Jupyter Notebook - Size: 502 KB - Last synced at: about 2 months ago - Pushed at: over 8 years ago - Stars: 267 - Forks: 136

pastranacl/IAcobus

IAcobus is a minimal library to build fully connected feedforward neural networks

Language: Jupyter Notebook - Size: 5.24 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

LiamGallagher737/fnn

A simple Feedforward Neural Network library for Rust

Language: Rust - Size: 37.1 KB - Last synced at: 29 days ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

becxer/pytrain

Machine Learning library for python

Language: Python - Size: 39.4 MB - Last synced at: 5 days ago - Pushed at: almost 3 years ago - Stars: 21 - Forks: 5

jhaayush2004/My-Transformer

Code implementation of Transformer Model in "Attention is All You Need" in PyTorch.

Language: Jupyter Notebook - Size: 5.25 MB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

Kemsekov/GradientDescentSharp

General gradient descent + neural network implementations in c# for any defined problem

Language: C# - Size: 864 KB - Last synced at: 8 days ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

Ronzo07/Handwritten-Digit-Classifier

A feed-forward neural network for digital classification

Language: Jupyter Notebook - Size: 35.2 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

arkanivasarkar/Deep-Learning-from-Scratch

Implementation of a Fully Connected Neural Network, Convolutional Neural Network (CNN), and Recurrent Neural Network (RNN) from Scratch, using NumPy.

Language: Python - Size: 18.1 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

timosarkar/WHEATHER-RUN

simple genetic ai model to tell you when to go for a run and when not

Language: Python - Size: 2.93 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Gracysapra/Heart-Disease-Prediction-Project

This project implements various machine learning models, including Logistic Regression, Random Forest, and FNN, to predict heart disease. Utilizing Gradio for a user-friendly interface and MLflow for model management, it aims to enhance diagnostic accuracy.

Language: Jupyter Notebook - Size: 268 KB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

dawi369/FFNN-In-C99

A Feed-Forward Neural Network created with the C99 standard

Language: C - Size: 25.8 MB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

iglee/Perceptron-Text-Classifier

Sentiment Classification exercise with perceptron, feed-forward multilayer net, LSTM RNN, and RCNN!

Language: Python - Size: 575 KB - Last synced at: about 2 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

MohidulHaqueTushar/PyTorch-details

PyTorch detailed analysis to create Machine learning to Deep learning model

Language: Jupyter Notebook - Size: 190 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

wasay8/Classification-Customer-Churn

A web application hosted on Streamlit to predict customer churn using a deep learning model.

Language: Jupyter Notebook - Size: 354 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

xtnctx/BFRBSys

A wrist-worn device and monitoring system with user-file-memory management system for a person with Body-focused Repetitive Behavior

Language: Dart - Size: 59.9 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 2 - Forks: 0

marcogulli01/Quantum_ml

In this project, the problem of quantum states classification is tackled through artificial neural networks.

Language: Jupyter Notebook - Size: 6.91 MB - Last synced at: 22 days ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 5

adinarad/IK-3LinkManipulator-NN

Solving the inverse kinematics problem of a 3 Link Planar Manipulator using neural networks.

Language: Jupyter Notebook - Size: 846 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 10 - Forks: 1

Angel2526/Deep-Learning-lab

The handbook is structured to facilitate a clear understanding of deep learning principles, starting with basic neural network architecture and gradually advancing to complex topics such as convolutional neural networks (CNNs)

Language: Python - Size: 7.81 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

TelevisionNinja/Flappy-Bird-AI

An AI that plays flappy bird using neuroevolution

Language: Python - Size: 15.6 KB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

devmount/neural-network-pos-tagger

Train and evaluate neural network language models for POS tagging, tag input sentences according to a trained model.

Language: Python - Size: 19.7 MB - Last synced at: 17 days ago - Pushed at: 11 months ago - Stars: 12 - Forks: 0

dcarpintero/transformer101

Annotated vanilla implementation in PyTorch of the Transformer model introduced in 'Attention Is All You Need'.

Language: Jupyter Notebook - Size: 215 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

lbirkert/digit-recognition

[from-scratch] feed forward neural network that can recognize handwritten digets

Language: Python - Size: 13.7 KB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

zkcplk/Federe_Ogrenme_ile_Malware_Tespiti

Marmara Üniversitesi, Fen Bilimleri Enstitüsü, Bilgisayar Mühendisliği bölümünde sunulan “DERİN SİNİR AĞLARI İLE FEDERE ÖĞRENME TABANLI BİR KÖTÜ AMAÇLI YAZILIM TESPİT UYGULAMASI” başlıklı tez çalışmasına ait kaynak kodlarıdır.

Language: Python - Size: 32.3 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

islem-esi/DeepMalwareDetector

A Deep Learning framework that analyses Windows PE files to detect malicious Softwares.

Language: Python - Size: 75.8 MB - Last synced at: 12 months ago - Pushed at: about 2 years ago - Stars: 67 - Forks: 15

Mhmd-Hisham/NEAT-PIE

A humple implementation of the NeuroEvolution of Augmenting Topologies[NEAT] algorithm written purely in Python3.

Language: Python - Size: 34.2 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

SaiashishChauhan/ANN-Practicals-6th-Sem-SPPU-syllabus-

The repository contains all the codes of all practicals of ANN (SL-2) lab for the AIDS branch. The codes are according to problem statements given in the syllabus of SPPU. Download code and practice them to score good in your practical exams :)

Language: Jupyter Notebook - Size: 755 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

srohit0/mida

Selected problems and their solutions from the book on "Machine Intelligence in Design Automation"

Language: Jupyter Notebook - Size: 11.9 MB - Last synced at: 17 days ago - Pushed at: over 6 years ago - Stars: 26 - Forks: 7

mezbaul-h/ffn

Python implementation of a Feed-Forward Backpropagation neural network using only the standard library

Language: Python - Size: 25.4 KB - Last synced at: 3 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

andrijadukic/feedforward

A multilayer feedforward neural network implementation

Language: Go - Size: 125 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

jackkimmins/SimpleNN

Feedforward Neural Network Classifier in C++ • Data Handling, Training, Prediction, and Evaluation

Language: C++ - Size: 3 MB - Last synced at: about 18 hours ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ishita48/Machine-Learning_Model_Predicting_California_Housing_Prices

This project employs machine learning to forecast housing prices in California. By scrutinizing location, housing details, and demographics, it constructs various regression models like Linear Regression, KNN, Random Forest, Gradient Boosting, and Neural Networks. These models offer invaluable insights to optimize predictive real estate investment

Language: Jupyter Notebook - Size: 57.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Related Keywords
feedforward-neural-network 406 neural-network 161 machine-learning 137 deep-learning 100 neural-networks 73 python 61 backpropagation 54 convolutional-neural-networks 38 tensorflow 34 classification 33 deep-neural-networks 32 pytorch 32 artificial-intelligence 32 numpy 29 ai 28 artificial-neural-networks 26 recurrent-neural-networks 23 gradient-descent 20 logistic-regression 20 cnn 18 lstm 17 keras 17 python3 16 java 16 mnist 14 backpropagation-learning-algorithm 14 regression 14 perceptron 14 convolutional-neural-network 13 linear-regression 12 deeplearning 12 genetic-algorithm 12 machine-learning-algorithms 11 cpp 11 mnist-classification 11 rnn 11 ann 10 feedforward 10 lstm-neural-networks 10 image-classification 10 mnist-handwriting-recognition 9 natural-language-processing 9 data-science 9 fnn 9 neural-networks-from-scratch 9 backpropagation-algorithm 9 matlab 9 supervised-learning 8 activation-functions 8 jupyter-notebook 8 knn 8 decision-trees 8 dropout 8 softmax 7 adam-optimizer 7 neuralnetwork 7 c 6 scikit-learn 6 pandas 6 multilayer-perceptron-network 6 neat-python 6 language-model 6 regularization 6 mnist-dataset 6 autoencoder 6 rust 6 nlp 6 sigmoid-function 6 javascript 6 transformer 6 knn-classification 5 transfer-learning 5 transformers 5 random-forest 5 from-scratch 5 handwritten-digit-recognition 5 svm 5 multi-layer-perceptron 5 generative-adversarial-network 5 bert-model 5 ffnn 5 keras-tensorflow 5 cnn-classification 5 c-plus-plus 5 recurrent-neural-network 5 ml 5 csharp 5 sentiment-analysis 5 multilayer-perceptron 5 backpropagation-neural-network 5 dotnet 5 cuda 5 dataset 4 library 4 loss-functions 4 regularization-methods 4 bert-fine-tuning 4 self-attention 4 long-short-term-memory 4 self-driving-car 4