Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
Deep neural networks
Deep neural networks (DNNs) are a class of artificial neural networks (ANNs) that are deep in the sense that they have many layers of hidden units between the input and output layers. Deep neural networks are a type of deep learning, which is a type of machine learning. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing. Deep neural networks are used in a variety of applications, including speech recognition, computer vision, and natural language processing.
- GitHub: https://github.com/topics/deep-neural-networks
- Wikipedia: https://en.wikipedia.org/wiki/Deep_neural_networks
- Aliases: deep-neural-network,
- Last updated: 2025-02-05 00:07:43 UTC
- JSON Representation
https://github.com/ssinad/evolution-strategies-tensorflow
Using evolution strategies as Non-differentiable loss function in a neural network
convolutional-neural-networks deep-learning deep-neural-networks
Last synced: 30 Jan 2025
https://github.com/tal7aouy/nlp-roadmap
Master NLP Roadmap 🛣️
deep-learning deep-neural-networks machine-learning nlp nlp-parsing
Last synced: 29 Dec 2024
https://github.com/ggiuffre/machine-lambda
Purely functional implementation of SGD on feed-forward neural nets
deep-neural-networks functional-programming haskell-library neural-network stochastic-gradient-descent
Last synced: 19 Jan 2025
https://github.com/qasimwani/dqn-openai
Using DQN (Deep Q Network) to develop a DRL (Deep Reinforcement Learning) agent to solve LunarLander environment in OpenAI gym.
deep-neural-networks dqn keras-tensorflow openai-gym reinforcement-learning
Last synced: 27 Dec 2024
https://github.com/dkosarevsky/bmstu_bgqw
BMSTU Bachelor's Graduate Qualification Work
deep-learning deep-neural-networks deepface deepfake deepfake-detection deepfakes deeplearning neural-network python streamlit
Last synced: 21 Dec 2024
https://github.com/himudigonda/digits-recognition
This project uses ML and keras modules to recognise digits from the given dataset.
deep-learning deep-neural-networks digit-recognizer jupyter-notebook keras tensorflow
Last synced: 15 Nov 2024
https://github.com/arssite/dirty-cleanflooringimageprocessingusingyolov5
Uses YOLOv5 to classify floor cleanliness into five categories based on visual cues. It includes an annotated dataset, trained model,& evaluation outputs. Code covers data preprocessing, training, & testing. A comparative analysis highlights YOLOv5's advantages over traditional methods, providing an efficient solution automated floor cleanliness.
deep-neural-networks github google-colab jupyter-notebook labelimg matplotlib-pyplot numpy-library opencv-python pandas-python pytorch scikit-learn tensorflow yolov5
Last synced: 01 Feb 2025
https://github.com/micahondiwa/applied_ai
Deep Learning for Computer Vision: A collection of 6 end-to-end applied AI projects.
computer-vision deep-learning deep-neural-networks deep-reinforcement-learning generative-adversarial-network generative-ai neural-machine-translation neural-network pytorch transformers
Last synced: 09 Dec 2024
https://github.com/maxvandenhoven/bounded-knapsack-reinforcement-learning
University project applying deep reinforcement learning to solve the bounded knapsack problem
bounded-knapsack-problem deep-learning deep-neural-networks deep-reinforcement-learning gym knapsack-problem operations-research or-gym python pytorch
Last synced: 29 Dec 2024
https://github.com/uranusx86/addernet-on-tensorflow
a implementation of neural network with almost no multiplication with tensorflow 2 (Adder Net)
adder addernet ai artificial-intelligence cnn custom-layer deep-learning deep-neural-networks image-classification implementation implementation-of-research-paper keras lightweight mnist neural-network tensorflow tensorflow2
Last synced: 21 Jan 2025
https://github.com/kedhareswer/mlgenefunction
css deep-neural-networks image-processing jupyter-notebook machine-learning python
Last synced: 28 Jan 2025
https://github.com/alex-lechner/carnd-behavioralcloning-p3
Driving a car around a track in Udacity's car simulator only with image data and neural networks. Project 3 of Udacity's Self-Driving Car Engineer Nanodegree Program.
autonomous-vehicles behavioral-cloning convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks self-driving-car udacity-self-driving-car
Last synced: 22 Jan 2025
https://github.com/alex-lechner/carnd-semanticsegmentation-p12
An approach for pixel-based classification of drivable parts of the road (known as Semantic Segmentation). Project 12 of Udacity's Self-Driving Car Engineer Nanodegree Program.
autonomous-vehicles deep-learning deep-neural-networks deeplearning fully-convolutional-networks self-driving-car semantic-segmentation tensorflow
Last synced: 22 Jan 2025
https://github.com/ashraf-khabar/bank-marketing-data-analysis
This project is focused on analyzing bank marketing data using PyTorch, pandas, numpy, and scikit-learn. The goal is to build a predictive model that can help identify potential customers who are more likely to subscribe to a bank's term deposit.
data-cleaning data-science data-visualization dataset deep-learning deep-neural-networks feedforward-neural-network learning neural-networks numpy pandas python pytorch sklearn
Last synced: 21 Jan 2025
https://github.com/amdjadouxx/chifoumiai
A model which take an image of a hand making a sign (paper, scissor, rock) and detect which sign it is, improvement to come
artificial-neural-networks cnn-classification deep-neural-networks ia python3 tensorflow-tutorials
Last synced: 10 Oct 2024
https://github.com/redtius/talkpole
🤖🔍 An AI Model that determines sentence sentiment polarity.
cnn-model convolutional-neural-networks deep-learning deep-neural-networks flask keras long-short-term-memory-models nlp python sentiment-analysis sentiment-classification sentiment-polarity tensorflow
Last synced: 10 Oct 2024
https://github.com/khareyash05/breast-cancer-classification-using-deep-neural-network
Breast Cancer Classification using Deep Neural Networks
breastcancer-classification deep-neural-networks pytorch
Last synced: 11 Jan 2025
https://github.com/ee2110/store_item_recsys_with_deep_learning_and_tensorflow
algorithms convolutional-neural-networks deep-neural-networks deep-q-network double-deep-q-network machine-learning machine-learning-algorithms numpy policy-gradient python recurrent-neural-networks tensorflow
Last synced: 28 Jan 2025
https://github.com/ayushexploring/self-driving-car-udacity
Self Driving Car Project in Udacity's Simulator Environment
convolutional-neural-networks deep-learning deep-neural-networks self-driving-car udacity udacity-self-driving-car
Last synced: 22 Dec 2024
https://github.com/ayushexploring/deep-learning-specialization
Coursework for Andrew Ng's Deep Learning Specialization from deeplearning.ai
andrew-ng backpropagation coursera deep-neural-networks deeplearning deeplearning-ai feedforward-neural-network logistic-regression neural-networks perceptron
Last synced: 22 Dec 2024
https://github.com/grascya/forecasting-electricity-by-hour-rnn-vs-lstm
Explore the Production and Consumption of Electricity produced by different types of energy sources and build an RNN and LSTM to forecast them
deep-neural-networks electricity keras lstm-neural-networks rnn-model tensorflow2
Last synced: 10 Oct 2024
https://github.com/ardawanism/a-tour-of-pytorch
In this repo, an introductory tutorial on PyTorch is provided. You can learn about the basics of PyTorch alongside defining and training deep neural networks consisting of different layer types such as fully-connected, convolutional, and etc.
convolutional-neural-networks deep-learning deep-neural-networks deeplearning multilayer-perceptron neural-network neural-networks pytorch pytorch-tutorial
Last synced: 10 Oct 2024
https://github.com/achint08/handwritten
Handwritten digit recognition
computer-vision convolutional-neural-networks deep-neural-networks machine-learning
Last synced: 28 Jan 2025
https://github.com/applicativesystem/go-microrna-deep
a microRNA deep learning go package
bioinformatics deep-learning deep-neural-networks genome-analysis micrornas neural-networks
Last synced: 16 Dec 2024
https://github.com/applicativesystem/metagenomics-neural-net
application of expression basedneural network to metagenomics
bioinformatics deep-learning deep-neural-networks genome-analysis metagenomes metagenomics neural-network neural-network-metagenomics
Last synced: 16 Dec 2024
https://github.com/applicativesystem/bacterial-genome-deep-learning
bacterial genome deep learning using keras
bacterial-deep bacterial-metagenomics deep-learning-algorithms deep-neural-networks deeplearning genome-analysis metagenomes
Last synced: 16 Dec 2024
https://github.com/sixcolors/hotdog
Image classification application that uses deep learning to determine whether an image contains a hotdog or not.
ai deep-neural-networks hotdog hotdog-classifiers machine-learning ml not-hotdog python3 tensorflow
Last synced: 14 Dec 2024
https://github.com/maosong2022/tinyneuralnetwork
A simply C++ implemented neural networks
cpp cpp17 deep-learning deep-neural-networks
Last synced: 22 Jan 2025
https://github.com/nightmachinery/mlp_from_scratch
A simple MLP using only numpy. The computational graph is not automatically tracked, but the network supports arbitrarily many batch axes.
deep-learning deep-neural-networks deeplearning educational mlp mlp-classifier mlp-networks numpy
Last synced: 31 Dec 2024
https://github.com/avidlearnerinprogress/neuralnetworksanddeeplearning
Programming assignments of the course
andrew-ng deep-learning deep-neural-networks python
Last synced: 14 Jan 2025
https://github.com/ardawanism/advanced_deep_learning_fall_2023
In this repository some codes and visualizations are provided for Advanced Deep Learning course.
advanced-deep-learning convolutional-neural-networks deep-learning deep-neural-networks machine-learning machine-learning-algorithms recurrent-neural-networks
Last synced: 20 Jan 2025
https://github.com/chengetanaim/customer-churn-prediction
Customer churn is the loss of customers or subscribers for any reason at all. In this project I was predicting customer churn using artificial neural networks.
artificial-neural-networks deep-learning deep-neural-networks keras machine-learning pandas pandas-dataframe tensorflow2
Last synced: 23 Dec 2024
https://github.com/ggldnl/vision-and-perception
Material from the Vision and Perception course
camera-calibration computer-vision deep-neural-networks epipolar-geometry image-filtering image-processing structure-from-motion university
Last synced: 14 Jan 2025
https://github.com/hansalemaos/tools4yolo
Some image augmentation tools for yolov5 (and probably other models)
augmentation darknet dataset deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning-ai generate image imagerecognition learning locate machine ml pytorch training yolo yolov5
Last synced: 23 Dec 2024
https://github.com/ardawanism/fault-detection-and-identification-2023
In this repo, a few topics about useful Machine Learning and Deep Learning algorithms for Fault Detection and Identification are taught.
convlstm convlstm-network convlstm-pytorch convolutional-neural-networks convolutional-recurrent-network deep-learning deep-neural-networks deeplearning fault-detection fault-diagnosis machine-learning machine-learning-algorithms multilayer-perceptron pytorch pytorch-implementation recurrent-neural-networks
Last synced: 20 Jan 2025
https://github.com/rsn601kri/quantum_reservoir_modeling
Quantum Reservoir Computing (QRC) algorithm to address credit risk modeling use any quantum software development kit (SDK) or quantum processing unit (QPU).
deep-neural-networks python quantum-computing random-generation reservoir-computing
Last synced: 27 Dec 2024
https://github.com/frgfm/pytorch-mnist
Implementation of various basic architectures (training on MNIST, Visdom visualization)
computer-vision deep-learning deep-neural-networks lenet mnist python3 pytorch pytorch-cnn visdom
Last synced: 29 Dec 2024
https://github.com/harmanveer-2546/music-genre-classification
Classifying the genre of a music using deep neural networks.
cnn deep-neural-networks keras labelencoder librosa matplotlib music numpy pandas pickle python scipy seaborn sequential-models tensorflow
Last synced: 01 Feb 2025
https://github.com/mohamedomar2020/keras_tensorflow
Using Keras to build a deep neural network for bladder cancer progression
adam-optimizer bladder-cancer cancer cancer-research deep-learning deep-neural-networks dropout genomics keras keras-tensorflow machine-learning machine-learning-algorithms multi-perceptron sgd-optimizer softmax tensorflow
Last synced: 30 Jan 2025
https://github.com/ardawanism/mlp-mixer-an-all-mlp-architecture-for-vision
In this repository, a very informative and comprehensive implementation of MLP-Mixer is provided for educational purposes using PyTorch.
computer-vision deep-learning deep-neural-networks fully-connected-network machinevision mlp mlp-mixer
Last synced: 20 Jan 2025
https://github.com/maxvandenhoven/deep-defect-detection
University project applying deep neural networks and automatic hyperparameter optimization to detect defects in manufactured parts
binary-classification convolutional-neural-networks deep-learning deep-neural-networks defect-detection hyperopt hyperparameter-optimization python pytorch sklearn
Last synced: 29 Dec 2024
https://github.com/shashwat9kumar/covid_face_mask_detection
Detecting whether a person in the picture has face mask on or not using a convolutional neural network
cnn covid19 deep-learning deep-neural-networks face-detection mask-detection tensorflow
Last synced: 12 Jan 2025
https://github.com/ardawanism/convmixer-patches-are-all-you-need
In this repository, a very informative and comprehensive implementation of ConvMixer architecture is provided for educational purposes using PyTorch.
cnns computer-vision convmixer convolutional-neural-networks deep-learning deep-neural-networks machinevision
Last synced: 20 Jan 2025
https://github.com/ardawanism/autoencoder_ml_kntu_spring2024
In this repo, a clean and efficient implementation of Fully-Connected or Dense Autoencoder is provided. The code alongside the video content are created for Machine Learning course instructed at Khajeh Nasir Toosi University of Technology (KNTU).
autoencoder autoencoder-neural-network autoencoders deep-learning deep-neural-networks machine-learning
Last synced: 20 Jan 2025
https://github.com/rizerkrof/library-simpleneuralnetwork
This is a simple fully connected neural network library for deep learning. Include example.
deep-learning deep-neural-networks library
Last synced: 28 Jan 2025
https://github.com/tariqdaouda/abyme
Fractals for Deep and Sophisticated (Training) Loops
deep-learning deep-neural-networks deeplearning
Last synced: 01 Jan 2025
https://github.com/anibalalpizar/python-deep-learning-temperature-converter
Celsius to Fahrenheit converter using Python and deep learning.
deep-learning deep-neural-networks python tensorflow
Last synced: 08 Jan 2025
https://github.com/sebukpor/breast-cancer-classification
this model classifies breast cancer as either benign or malignant
deep-learning deep-neural-networks tensorflow tensorflowjs
Last synced: 22 Dec 2024
https://github.com/celiabenquet/iaprproject
Image Analysis and Pattern Recognition
deep-neural-networks image-recognition
Last synced: 03 Jan 2025
https://github.com/akashash01/artificial_neural_network
It is an network of neurons that make up a human brain, so that machine can able to learn things and make decision like humans. This deep learning model is more flexible for regression and classification problems(linear & non-linear), susceptible to overfitting.
data-science datavisualization deep-learning deep-neural-networks python
Last synced: 14 Dec 2024
https://github.com/wasay8/automatedgarbageimageclassifier
Implementation of CNN models(Resnet-34 and Resnet-50) to classify garbage images into 6 major categories for sustainable development and its disposability.
computer-vision deep-learning deep-neural-networks feature-engineering image-processing unstructured-data
Last synced: 01 Feb 2025
https://github.com/andredarcie/chatbot-tensorflow
Chatbot desenvolvido em Tensorflow para responder perguntas do Stackoverflow sobre Python
data-science deep-learning deep-neural-networks kaggle machine-learning python stackoverflow tensorflow text-mining
Last synced: 09 Jan 2025
https://github.com/md-emon-hasan/ml_project_fake_news_predictin_using_deep_learning_with_lstm
📰 The Fake News Detection System uses deep learning techniques, specifically LSTM models, to classify news articles as real or fake.
ai cnn data-science deep-learning deep-neural-networks fake-new fake-news-detection gru keras lstm lstm-neural-networks machine-learning ml news-classification rnn sentiment-analysis tensorflow tensorflow-model text-classification text-processing
Last synced: 22 Jan 2025
https://github.com/iambijoykar/tmnist-deeplearning-model
Handwritten character predict model
deep-learning deep-neural-networks neural-network tensorflow tmnist
Last synced: 21 Dec 2024
https://github.com/mehmetgoren/detect_service
Feniks iNVR Object Detection Service
computer-vision deep-neural-networks feniks machine-learning message-broker microservices-architecture nvidia-jetson object-detection pytorch redis tensorflow
Last synced: 21 Jan 2025
https://github.com/deepschneider/faces-dcgan
DCGAN for human faces generation (Radford architecture, Keras framework)
dcgan dcgan-keras dcgan-model deep-learning deep-neural-networks deepfakes face-generation gan gan-keras image-generation image-generator keras keras-models keras-tutorials python radford
Last synced: 16 Jan 2025
https://github.com/anibalalpizar/python-deep-learning-houseprice-prediction
Meters to price predictions using Python and deep learning.
deep-learning deep-neural-networks python tensorflow
Last synced: 08 Jan 2025
https://github.com/abhinavbammidi1401/deeplearning
This repository contains a collection of deep learning models and tools for various tasks such as image classification and generative modeling. Built with popular frameworks like TensorFlow, Keras and PyTorch, it includes code examples, pre-trained models, and detailed documentation to help you get started with deep learning.
deep-learning deep-neural-networks image-classification yolov5
Last synced: 21 Jan 2025
https://github.com/aiaaee/california_housing
It's about California House value. the goal is find a great method to assemble reasonable train test based on MLP regression by using torch
data-science datasets deep-learning deep-neural-networks machine-learning machine-learning-algorithms python
Last synced: 23 Dec 2024
https://github.com/deepschneider/simpsons-dcgan
My attempt to design DCGAN
dcgan dcgan-keras dcgan-model dcgan-tensorflow deep-neural-networks deepfakes gan gan-keras keras keras-models keras-tensorflow keras-tutorials python radford simpsons-dcgan tensorflow tensorflow-models
Last synced: 16 Jan 2025
https://github.com/somjit101/self-driving-car
An implementation of a simple self-driving car control using the image feed from a single dashcam.
autonomous-driving autonomous-vehicles car cnn cnn-keras convolutional-layers convolutional-neural-networks dash-cam deep-learning deep-neural-networks feature-extraction neural-network self-driving-car tensorflow
Last synced: 16 Jan 2025
https://github.com/motykatomasz/deepimageprior
Project reproducing part of "Deep Image Prior" paper, conducted for Deep Learning course (CS4240) at TU Delft.
cnn deep-learning deep-neural-networks pytorch
Last synced: 15 Dec 2024
https://github.com/camara94/face_recognition
In this project, will learn the concept to implement face recognition problem.
deep-learning deep-neural-networks face-detection face-recognition machine-learning tensorflow2
Last synced: 23 Dec 2024
https://github.com/mvinyard/torch-nets
Compose PyTorch Neural Networks
deep-learning deep-neural-networks machine-learning neural-networks python pytorch
Last synced: 20 Jan 2025
https://github.com/crispengari/ml-utils
💎 This repository contains some helper functions that helps you speed your machine learning code everyday. It also contains some useful basic knowledge about machine learning, it's behavior, how it started etc. It's a bag of machine learning things basically.
deep-learning deep-neural-networks machine-learning utils
Last synced: 16 Dec 2024
https://github.com/simranjeet97/googlevision_ocr
GoogleVision_OCR Project to Read out PDF
data-science data-structures deep-learning deep-neural-networks gcp google google-analytics google-cloud-platform googlecloud googlecloudplatform googlecloudstorage machine-learning machine-learning-algorithms ocr ocr-engine ocr-recognition ocr-service python python-ocr python3
Last synced: 14 Jan 2025
https://github.com/crispengari/nmt
🎗 Neural Machine Translation (nmt) repository contains an end-to-end deep artificial neural network for machine translation and language identification based on south-african-languages.
api artificial-intelligence artificial-neural-networks datascience deep-learning deep-neural-networks flask graphql javascript json jupyter-notebook machine-learning natural-language-processing nlp nmt nueral-machine-translation python rest-api tweepy
Last synced: 16 Dec 2024
https://github.com/coderixc/rforai
Learn R Programming Language for Statistics & Data Science
artificial-neural-networks data data-science deep-neural-networks machine-learning probability quant-analyst r science
Last synced: 20 Dec 2024
https://github.com/edreate/neural_learn
A Deep Learning library based on Pytorch and PyTorch Lightning which makes Deep Learning even simpler.
deep-learning deep-neural-networks python3 pytorch pytorch-lightning
Last synced: 21 Dec 2024
https://github.com/akashash01/convolutional_neural_network
Is a deep neural network, most commonly applied to analyze visual images.
cnn-for-visual-recognition data-science deep-learning deep-neural-networks python
Last synced: 14 Dec 2024
https://github.com/mituskillologies/dl-dvvp-aug24
Deep Learning programs of training conducted at DVVP College of Engineering, Ahmednagar, August 2024
artificial-intelligence artificial-neural-networks computer-vision convolutional-neural-networks deep-learning deep-neural-networks encoder-decoder machine-learning natural-language-processing recurrent-neural-networks
Last synced: 13 Jan 2025
https://github.com/makism/mtggg
mtg good game
apache-spark data-engineering data-science deep-neural-networks python
Last synced: 20 Jan 2025
https://github.com/mauricioacosta/reconocimientoexpresionesfaciales
Red Neuronal para predecir emociones
deep-neural-networks keras-tensorflow python3 tensorflow
Last synced: 21 Jan 2025
https://github.com/mawadamhd/deep-learning-with-keras-and-tensorflow-course
This repository contains materials for Deep Learning with Keras and TensorFlow course. This includes Jupyter notebooks, datasets, assignments, and solutions .
deep-learning deep-neural-networks keras keras-tensorflow tensorflow
Last synced: 02 Feb 2025
https://github.com/vutrong826/yolov8-brain-tumor-segmentation
Brain tumor segmentation using YOLO architecture for fast and accurate detection.
cnn deep-learning deep-neural-networks python python3 segmentation tumor-segmentation yolov8 you-only-look-once
Last synced: 17 Dec 2024
https://github.com/asim-2000/kaggling
This repository contains source code of the kaggle competitions in which I participated
deep-learning deep-neural-networks kaggle-competition machine-learning reinforcement-learning
Last synced: 10 Jan 2025
https://github.com/tiennhm/artist-style-transfer-cyclegan
Implement Artist Style Transfer using CycleGAN
ai artistic-style-transfer cyclegan deep-learning deep-neural-networks dl gan generative-adversarial-network
Last synced: 27 Jan 2025
https://github.com/faisal-fida/nlp-classification-qna-for-beginners
Natural language processing (NLP) tasks: text classification and text generation. The notebooks explore different techniques and models for handling these tasks, offering insights into common challenges and solutions.
challenges deep-neural-networks nlp-machine-learning text-classification text-generation
Last synced: 08 Jan 2025
https://github.com/huseyincenik/deep_learning
Deep Learning #deeplearning
deep-learning deep-learning-tutorial deep-neural-networks keras keras-neural-networks keras-tensorflow tensorflow tensorflow-tutorials
Last synced: 21 Dec 2024
https://github.com/justanhduc/cyclegan
A Theano implementation of Cycle GAN
deep-learning deep-neural-networks gan generative-adversarial-network python theano
Last synced: 04 Feb 2025
https://github.com/codehub001/crop-recommendation-using-ml-dp
It is major project .
css3 deep-learning deep-neural-networks dsa-algorithm html js ml python
Last synced: 12 Dec 2024
https://github.com/heet9022/ye-kiski-tasweer-hai
A platform for training, labeling and retraining image classification models.
deep-neural-networks image-classification platform resnet
Last synced: 12 Dec 2024
https://github.com/jofaval/california-housing-pricing
Data Analysis about the California Housing Pricing in 1997
data-analysis data-science data-visualization deep deep-learning deep-neural-networks google-colab keras machine-learning matplotlib python regression scikit-learn seaborn tensorflow
Last synced: 04 Feb 2025
https://github.com/xaxm007/mlchemy
A workspace related to all my Machine Learning study.
association-rule-learning classification-model clustering deep-neural-networks dimentionality-reduction machine-learning nlp-machine-learning pca regression-models reinforcement-learning-algorithms
Last synced: 17 Dec 2024
https://github.com/tushard702/sentiment-analysis
Sentiment analysis is the automated process of understanding an opinion about a given subject from written or spoken language. Implemented using RNN
deep-neural-networks machine-learning python
Last synced: 01 Jan 2025
https://github.com/justanhduc/improved-wgan
A Theano implementation of Improved WGAN
deep-learning deep-neural-networks gan
Last synced: 04 Feb 2025
https://github.com/justanhduc/lsgan
A replication of Least Square GAN
deep-learning deep-neural-networks generative-adversarial-network theano
Last synced: 04 Feb 2025
https://github.com/lovi-0/flippy-bird
Flappy Bird Game with AI
deep-neural-networks flappy-bird game neat-algorithm neat-python python
Last synced: 26 Jan 2025
https://github.com/justanhduc/sngan
A Theano implementation of Spectral Normalized GAN
deep-learning deep-neural-networks gan theano
Last synced: 04 Feb 2025
https://github.com/malolm/educationnal-neural-network-framework
Python implementation of an artificial neural network aimed at deeply mastering the underlying concepts that drive neural networks. This project is inspired by Andrej Karpathy and Russ Salakhutdinov.
deep-neural-networks mnist-classification python3
Last synced: 13 Dec 2024
https://github.com/abdullah2020/hamoye_staged
This is my Stage_D Hamoye Internship project. The project focuses strongly in developing CNN Deep Learning algorithm model that would analysis huge image dataset.
cnn-model deep deep-neural-networks image-classification
Last synced: 31 Jan 2025