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-01-10 00:07:09 UTC
- JSON Representation
https://github.com/justanhduc/multar
The official implementation of the ICASSP paper "A simple way of multimodal and arbitrary style transfer"
deep-learning deep-neural-networks python style-transfer theano
Last synced: 02 Jan 2025
https://github.com/tanyachutani/neural-network-numpy
Neural Network (Multiple layers) from scratch using Numpy.
deep-neural-networks mnist neural-network neural-network-from-scratch numpy
Last synced: 11 Nov 2024
https://github.com/ocramz/pytorch-playground
deep-learning deep-neural-networks sequence-models
Last synced: 05 Dec 2024
https://github.com/kalthommusa/stop-signs-application
Develop a custom classifier with PyTorch and transfer learning techniques to recognize stop signs, and then deploy it as a web application using Code Engine on IBM cloud.
cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks image-classification image-recognition python pytorch resnet-18 stop-sign-detection transfer-learning
Last synced: 16 Nov 2024
https://github.com/kalthommusa/face-mask-application
Develop a custom classifier with PyTorch and transfer learning techniques to recognize face masks, and then deploy it as a web application using Code Engine on IBM cloud.
cnn-classification cnn-model computer-vision convolutional-neural-networks deep-learning deep-neural-networks face-mask-classification image-classification image-recognition python pytorch resnet-18 transfer-learning
Last synced: 16 Nov 2024
https://github.com/reshalfahsi/neuralnetwork
Implementation of Artificial Neural Network Algorithm
artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks gradient-descent machine-learning medical-image-processing medical-insurance-costs medmnist neural-network newton-method python
Last synced: 15 Nov 2024
https://github.com/clberube/gims
Command line interface for geospatial image segmentation
deep-neural-networks geospatial-analysis segmentation unet
Last synced: 19 Nov 2024
https://github.com/cloaky233/binary-classifier-cnn
A Convolutional Neural Network (CNN) implementation using PyTorch and TensorFlow/Keras to classify images of cats and dogs. This project includes training scripts, model architectures, and instructions for easy setup and usage.
binaryclassification deep-learning deep-neural-networks pytorch
Last synced: 19 Nov 2024
https://github.com/akash-nath29/image-classifier
A Machine Learning Model capable to detect person's mood (happy or sad) from image
deep-neural-networks dnn keras keras-neural-networks keras-tensorflow machine-learning tensorflow tensorflow-models
Last synced: 20 Dec 2024
https://github.com/arif-miad/titanic-analysis
artificial-intelligence data data-science deep-neural-networks
Last synced: 14 Nov 2024
https://github.com/ahmedshahriar/housing-price-prediction
Data science project on Housing Prices Dataset regression analysis
decision-tree-regression deep-neural-networks gradient-boosting house-price-prediction housing-prices keras knn-regression lasso-regression lgbmregressor matplotlib pandas randomforestregressor regression ridge-regression scikit-learn scipy tensorflow xgboost-regression
Last synced: 16 Nov 2024
https://github.com/ltfschoen/aind2-cnn
classification convolutional-neural-networks deep-neural-networks global-average-pooling image-augmentation image-recognition keras loss-functions mlp model-architecture multi-layer-architecture multi-layer-perceptron one-hot-encode optimiser tensorflow testing training validation
Last synced: 07 Dec 2024
https://github.com/karan-malik/restrictedboltzmannmachine
Python3 implementation of the Unsupervised Deep Learning Algorithm, Restricted Boltzmann Machine.
artificial-intelligence artificial-neural-networks boltzmann-machines deep-learning deep-learning-algorithms deep-neural-networks numpy numpy-neural-network python python3 pytorch pytorch-implementation restricted-boltzmann-machine torch unsupervised-deep-learning unsupervised-learning unsupervised-learning-algorithms unsupervised-machine-learning
Last synced: 14 Nov 2024
https://github.com/gokulnpc/iris-detection
This project focuses on iris detection using deep learning techniques. The model architecture combines the power of ResNet152V2, a pre-trained convolutional neural network (CNN), with additional convolutional layers to accurately detect and localize iris regions in images.
convolutional-neural-networks deep-neural-networks iris-detection resnet
Last synced: 07 Dec 2024
https://github.com/gokulnpc/fashion-mnist-gan
This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.
deep-learning deep-neural-networks fashion-mnist generative-adversarial-network
Last synced: 07 Dec 2024
https://github.com/irishfix/universalnumerics.net
UniversalNumerics.NET is a versatile .NET package that can be used both in Unity and in normal C# projects. It simplifies common computational tasks, such as computing 2D line intersections, 2D segment intersections, 2D point within queries, 2D triangulation of points, 3D area voxelization and even creating deep neural network models.
artifical-intelligence artificial-neural-networks computational-geometry csharp csharp-library deep-learning deep-neural-networks dotnet mathematics triangulation triangulation-delaunay unity unity3d
Last synced: 13 Nov 2024
https://github.com/rafaykhattak/llamadoc
Taking advantage of LlamaIndex's in-context learning paradigm, LlamaDoc empowers users to input PDF documents and pose any questions related to the content. The tool leverages the LLama Index's reasoning capabilities to provide intelligent responses based on the contextual understanding of the LLM.
deep-neural-networks gpt3 in-context-learning llama-index llm
Last synced: 13 Nov 2024
https://github.com/rafaykhattak/plagsnipe
By analyzing the linguistic complexity and repetitiveness of the text, PlagSnipe provides accurate insights into the authenticity and originality of written content, helping users identify potential instances of AI-generated text with precision and confidence.
deep-neural-networks gpt2 gpt2tokenizer nltk pytorch transformers
Last synced: 13 Nov 2024
https://github.com/rafaykhattak/neural-network-from-scratch
A simple neural network implementation from scratch using only NumPy for numerical computations.
deep-neural-networks image-classification neural-network numpy
Last synced: 13 Nov 2024
https://github.com/yannick-kees/mlp
Build MLP from scratch only using Numpy. Able to perform simple supervised learning problems in any dimension and with variable layer configurations. It can also be used for Auto-Encoder problems.
autoencoder deep-learning deep-neural-networks mlp numpy-tutorial
Last synced: 23 Nov 2024
https://github.com/rani-sikdar/tensorflow-learning
A comprehensive repository for learning TensorFlow, featuring code examples, projects, and resources. Covers concepts from beginner to advanced, including neural networks, CNNs, RNNs, NLP, and deployment. Ideal for students, developers, and AI enthusiasts.
artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks machine-learning pytorch recurrent-neural-networks tensorflow tensorflow-models
Last synced: 25 Nov 2024
https://github.com/kmohamedalie/dtm_deep_learning_euclid_dataset
Euclid Dataset
computer-vision convolutional-neural-networks deep-neural-networks geometry machine-learning mathematics
Last synced: 02 Jan 2025
https://github.com/harshuljain13/dogsbreedclassification
Classifying the dogs breed using transfer learning in DeepLearning
deep-learning deep-neural-networks inceptionv3 keras tensorflow transfer-learning
Last synced: 30 Dec 2024
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 Nov 2024
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 Nov 2024
https://github.com/gregyjames/rperceptron
A simple perceptron implemented in R.
classification classification-algorithims classification-algorithm data-science deep-learning deep-neural-networks graphing linear-classifier perceptron perceptron-learning-algorithm r
Last synced: 08 Jan 2025
https://github.com/kmr0877/digit-recognition
Implementation of CNNs for handwritten digit recognition
convolutional-neural-networks deep-learning deep-learning-algorithms deep-neural-networks mnist mnist-classification mnist-dataset mnist-handwriting-recognition mnist-image-dataset python3 recurrent-neural-networks tensorflow
Last synced: 28 Dec 2024
https://github.com/valeman/udacity-self-driving-car-traffic-signs-classifier-p2
My project pipeline for the Udacity Self-Driving-Car Nanodegree program's Project 2 - Traffic Sign Classifier
convolutional-neural-networks deep-learning deep-neural-networks machine-vision pyton self-driving-car tensorflow
Last synced: 22 Nov 2024
https://github.com/vara-co/deep-learning-challenge
Deep Learning Challenge (Module 21)
deep-learning deep-neural-networks deeplearning machine-learning predictions
Last synced: 07 Dec 2024
https://github.com/absognety/eva4
Extensive Vision AI Program from The School Of AI
batch-normalization cnns computer-vision deep-neural-networks dropout kernels maxpooling pytorch softmax
Last synced: 22 Nov 2024
https://github.com/jkevin2010/deep-learning-and-early-dementia-detection
Development of new interpretable deep learning frameworks for the early detection of Alzheimer's Disease and Related Dementias (ADRD)
alzheimer-disease-prediction chaos-theory deep-neural-networks dementia-detection
Last synced: 15 Dec 2024
https://github.com/rishikesh-jadhav/robot-learning
This repository contains my solutions and code submissions for assignments and projects completed as part of ENPM690 during Spring 2024. Each assignment is organized in its own folder, with accompanying documentation and any necessary resources.
computer-vision deep-learning deep-neural-networks imitation-learning machine-learning reinforcement-learning robotics
Last synced: 22 Nov 2024
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: 29 Nov 2024
https://github.com/vatshayan/research-papers-
Research papers as blue prints, drafts, pre prints and published papers
artificial-intelligence big-data blockchain blockchain-technology data-analysis data-mining data-science data-visualization deep-learning deep-neural-networks image-classification image-manipulation image-processing machine-learning machine-learning-algorithms machine-learning-library python supervised-learning unsupervised-machine-learning webdevelopment
Last synced: 15 Nov 2024
https://github.com/ammahmoudi/covid-19-autoencoder
Using Autoencoder in keras as a nonlinear dimensionality reduction method to encode COVID-19 patients data
autoencoder covid-19 deep-learning deep-neural-networks dimension-reduction keras-tensorflow machine-learning ml
Last synced: 15 Nov 2024
https://github.com/aishwaryahastak/alzheimer-s-detection
Alzheimer's Detection from Brain MRI scans using DNN
deep-neural-networks healthcare image-classification
Last synced: 02 Jan 2025
https://github.com/rssr25/machine-learning
All the machine learning stuff that I do will be here. Mainly python programs.
andrew-ng-course coursera deep-learning deep-neural-networks deeplearning-ai machine-learning neural-network resnet yolo
Last synced: 24 Dec 2024
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/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/athari22/sentiment-analysis-web-app
In this project, I created a Sentiment Analysis Web App using PyTorch and SageMaker. This project is part of the deep learning nanodegree program at udacity. Project Overview In this project, I constructed a recurrent neural network for the purpose of determining the sentiment of a movie review using the IMDB data set. Used Amazon's SageMaker service. In addition, created a simple web app that will interact with the deployed model.
amazon amazon-web-services deep-learning deep-neural-networks machine-learning neural-network python pytorch sagemaker sentiment-analysis
Last synced: 30 Dec 2024
https://github.com/shiva16/resume_other
Other activities
cv deep-learning deep-neural-networks machine-learning nlp nlp-machine-learning resume
Last synced: 01 Dec 2024
https://github.com/athari22/tv-script-generation
In this project, I generated Seinfeld TV scripts using RNNs.This project is part of udacity deep learning nanodegree program. The Neural Network will generate a new, "fake" TV script, based on patterns it recognizes in this training data.
deep-learning deep-neural-networks machine-learning neural-network python pytorch rnn rnn-encoder-decoder rnn-model rnn-pytorch
Last synced: 30 Dec 2024
https://github.com/zara5961/deep-learning-challenge
This project focuses on building and optimizing a deep learning neural network to predict the success of applicants funded by Alphabet Soup Charity.
deep-machine-learning deep-neural-networks python skicit-learn tensorflow
Last synced: 22 Nov 2024
https://github.com/vutrong826/yolov8-tumor-segmentation
Brain tumor segmentation using YOLO architecture for fast and accurate detection.
deep-learning deep-neural-networks python pytorch segmentation tensorflow tumor-segmentation yolo yolov8 you-only-look-once
Last synced: 03 Dec 2024
https://github.com/sonu275981/transfer-learning-methods
Transfer-learning-Methods
convolutional-neural-networks deep-neural-networks neural-networks transfer-learning
Last synced: 24 Dec 2024
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/sonu275981/social_network_ads
Artificial neural networks Model for predicting the key audiences to show ads in a social network.
ads artificial-neural-networks deep-neural-networks python3
Last synced: 24 Dec 2024
https://github.com/harikishan-ai/harikishan-ai
I am dedicated to delivering innovative solutions that align with business objectives while ensuring optimal performance, reliability, and security. My strong analytical skills, attention to detail, and problem-solving abilities drive me to create effective and efficient solutions.
analystics automation aws-ec2 aws-lambda aws-s3 awsglue cnn deep-neural-networks logs lstm machine-learning oops-in-python powerbi python rnn transformers
Last synced: 25 Nov 2024
https://github.com/sonu275981/handwritten-digit-recognition-mnist
This is a machine learning model that classifies digits from 0-9 from handwritten digits.
deep-neural-networks keras mnist-classification mnist-handwriting-recognition opencv python tensorflow
Last synced: 24 Dec 2024
https://github.com/alandoescs/ml-reading-group
The GitHub Page of the Bavarian International School Machine Learning Reading Group
deep-learning deep-neural-networks machine-learning neural-networks reading-list
Last synced: 29 Dec 2024
https://github.com/sathvik902/master-chef
A Deep Learning model which predicts the Indian Recipe from the ingredients we have in our home.
Last synced: 26 Nov 2024
https://github.com/doktormike/neuralnethack
Automatically exported from code.google.com/p/neuralnethack
backpropagation-learning-algorithm c-plus-plus deep-learning deep-neural-networks deeplearning feedforward-neural-network neural-networks
Last synced: 08 Dec 2024
https://github.com/sonu275981/movie-recommender-system
Movie-Recommender-System hosted on https://movies275.herokuapp.com/ also on https://share.streamlit.io/sonu275981/movie-recommender-system/main/app.py
content-based-recommendation cosine-similarity deep-neural-networks movie-recommendation nlp-machine-learning recommender-system sentiments-analysis tensorflow tmdb-api vectorization
Last synced: 24 Dec 2024
https://github.com/sonu275981/face-mask-detector
Face Mask Detection system based on computer vision and deep learning using OpenCV and TensorFlow/Keras
cnn-keras computer-vision convolutional-neural-networks covid-19 deep-learning deep-neural-networks face-mask-detection face-mask-detector opencv python
Last synced: 24 Dec 2024
https://github.com/sonu275981/diabetes_by-using-keras-hyperparameter
A simple neural network using Keras-hyperparameter and Python to solve a binary classification problem to detect an onset of diabetes.
deep-neural-networks diabetes-prediction hyperparameter-tuning keras-tensorflow pyhton3
Last synced: 24 Dec 2024
https://github.com/coreyjs/bike-sharing-neural-network
Part of Udacity's deep learning program. This is a simple neural network to predict bike ridership trends.
deep-learning deep-neural-networks machine-learning machinelearning ml neural-network neural-networks python udacity
Last synced: 22 Dec 2024
https://github.com/coreyjs/dog-breed-classifier
A transfer learning neural network to classify dog breeds.
classification deep-learning deep-neural-networks machine-learning ml
Last synced: 22 Dec 2024
https://github.com/stifler7/rl-for-game-ai
Game Artificial Intelligence with Reinforcement Learning This project provides experience in applying techniques of RL to game artificial intelligence. It shall demonstrate several RL algorithms- specifically Q-learning and deep Q-networks (DQN)- to game environments.
deep-learning deep-neural-networks deep-reinforcement-learning machine-learning
Last synced: 01 Dec 2024
https://github.com/armanjscript/advanced-guide-to-ai
All of things you want to know about ML and Deep Learning
artificial-intelligence artificial-intelligence-algorithms artificial-neural-networks deep-neural-networks deeplearning machine-learning machine-learning-algorithms
Last synced: 18 Dec 2024
https://github.com/gilbertocunha/lip-hepmetalearning
A repository that applies the Meta-SGD algorithm to High Energy Physics in Signal vs Background classification and studies the applicability of such methods.
deep-neural-networks hep metalearning
Last synced: 02 Dec 2024
https://github.com/gilbertocunha/lhc-vlq-classifier
A Deep Learning Neural Network that classifies Vector Like Quarks from background events using generated collider data
deep-neural-networks monte-carlo-dropout particle-physics quarks
Last synced: 02 Dec 2024
https://github.com/mituskillologies/dc-adv-nlp-may24
Programs of Advanced Certificate Course on "Python for Computational Linguistics and NLP" conducted at Deccan College PGRI, Pune. May 2024.
artificial-neural-networks bert convolutional-neural-network decision-tree deep-learning deep-neural-networks k-means-clustering knn-classification machine-learning natural-language-processing python-programming recurrent-neural-network sentiment-analysis sequence-models transformers-models
Last synced: 13 Nov 2024
https://github.com/nass59/dlnd_face_generation
Face generation using generative adversarial networks to generate new images
celeba cnns deep-learning deep-neural-networks face-generation gpu mnist python tensorflow udacity-deep-learning udacity-nanodegree
Last synced: 18 Dec 2024
https://github.com/kartikchugh/deepneuralnetworks
A Java library for building, training, and testing deep learning neural networks
deep-learning deep-neural-networks machine-learning neural-network neural-networks
Last synced: 15 Dec 2024
https://github.com/bismillah-jan/deep-neural-network
A demonstration of Deep Neural Network implementation using TensorFlow.
adaline-learning-algorithm deep-neural-networks keras tensorflow
Last synced: 16 Nov 2024
https://github.com/m0saan/guitardetect
Deep Learning for Guitars 🎸: Guitar Classifier using CNN
cnn cnn-classification deep-neural-networks guitar-classifier
Last synced: 16 Nov 2024
https://github.com/kalessin/nntop
deep-learning deep-neural-networks python2 python3 tensorflow
Last synced: 24 Nov 2024
https://github.com/saravanabalagi/deep_learning
My solutions for Deep Learning by Google MOOC on Udacity
deep-learning deep-neural-networks solutions udacity
Last synced: 25 Dec 2024
https://github.com/donmaruko/sentiment-analysis-api
Flask-based API for sentiment analysis using deep learning models and includes endpoints for text and file input, database storage, and integrated Swagger documentation.
api deep-learning deep-neural-networks flask keras lstm machine-learning neural-network rnn scikit-learn scikitlearn-machine-learning sklearn sqlite3 swagger swagger-ui tensorflow
Last synced: 04 Jan 2025
https://github.com/loaiabdalslam/s5nn.js
Neural Network Visualization Library Using Graph Rendering ( Sigma.js )
deep-learning deep-neural-networks machine-learning visualization
Last synced: 24 Dec 2024
https://github.com/quarkgluant/deeplearning_tf
the "hello world" of the Deep Learning, MNIST dataset with tensorflow
deep-neural-networks python3 tensorflow-examples
Last synced: 07 Jan 2025
https://github.com/quarkgluant/deep_learning_a_z
french Udemy course based on the Kirill Eremenko's course on deep learning with Python
deep-learning deep-learning-tutorial deep-neural-networks python3 pytorch tensorflow
Last synced: 07 Jan 2025
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 Nov 2024
https://github.com/imumi17/melanoma-skin-cancer-detection
Melanoma Cancer Detection
deep-learning deep-neural-networks melanoma-detection
Last synced: 30 Dec 2024
https://github.com/zubair-irshad/udacity_deep_rl
My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects
ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents
Last synced: 16 Nov 2024
https://github.com/alyssonmach/deploy-to-heroku-app
An interactive application to ... identify 🐱 in images (neural network of l-layers).
classification-model deep-neural-networks heroku-deployment python streamlit
Last synced: 24 Dec 2024
https://github.com/srineogi/deals-prediction-python
Binary Classification problem (Won = 1, Lost=0)
binaryclassification classification deals decision-tree-classifier deep-learning deep-neural-networks knn-classifier machine-learning python random-forest-classifier sckiit-learn svm-classifier tensorflow
Last synced: 30 Dec 2024
https://github.com/phyulwin/machine-learning-with-python-projects
Projects for Machine Learning with Python freeCodeCamp (Updated Solution in Progress... 🌿)
deep-neural-networks google-colab machine-learning python tensorflow
Last synced: 30 Dec 2024
https://github.com/sumanthgubbala/dog-vs-cat-classification
Dog vs Cat Classification using Transfer Learning
deep-neural-networks dog-vs-cat-classification flask tensorflow tensorflowhu transfer-learning
Last synced: 30 Dec 2024
https://github.com/redleader962/une-intuition-sur-rudder
Ressources pour la présentation orale: "Une intuition sur RUDDER (Return Decomposition for Delayed Rewards)"
deep-learning deep-neural-networks deep-reinforcement-learning neural-network reward-shaping
Last synced: 24 Dec 2024
https://github.com/karan-malik/digitrecognition
Using Deep Learning to recognize Handwritten Digits (MNIST) and hosted using Flask
cnn cnn-keras convnet convolutional-neural-networks css deep-learning deep-neural-networks deeplearning flask flask-application html html5 keras machine-learning mnist-classification mnist-handwriting-recognition python python3
Last synced: 14 Nov 2024
https://github.com/hawmex/deep_learning_content
This repository contains my teaching material as a teaching assistant for the "Artificial Intelligence" course at AUT (Tehran Polytechnic).
convolutional-neural-networks deep-learning deep-neural-networks
Last synced: 29 Dec 2024
https://github.com/kartikchugh/neural-energy
Deep Neural Networks applied to representations of potential energy surfaces
deep-learning deep-neural-networks materials-science potential-energy-surfaces
Last synced: 15 Dec 2024
https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation
🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀
artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning
Last synced: 08 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/fardinhash/stock-data-forecasting
Stock Data forecasting analysis based on SVM, Linear Regression, Deep Neural Network & Logistic Regression. Analyzed on real-time data. Predicted for Next 7 days.
deep-neural-networks linear-regression logistic-regression lstm stock-analysis stock-market stock-prediction stock-price-prediction stock-prices support-vector-machines svm
Last synced: 14 Nov 2024
https://github.com/avidlearnerinprogress/neuralnetworksanddeeplearning
Programming assignments of the course
andrew-ng deep-learning deep-neural-networks python
Last synced: 14 Nov 2024
https://github.com/andreasmazur/improvedgnnexplanations
Improve Zorro exlanations for graph neural networks.
deep-learning deep-neural-networks explainability explainable-ai explainable-artificial-intelligence explainable-ml neural-networks
Last synced: 13 Nov 2024
https://github.com/lnsp/ml-notebooks
A collection of machine learning notebooks created for learning purposes.
deep-learning deep-neural-networks machine-learning machine-learning-algorithms reinforcement-learning sklearn tensorflow
Last synced: 19 Dec 2024
https://github.com/rudrakhp/nnfl-term-project
deep-belief-network deep-neural-networks matlab mnist-classification
Last synced: 27 Nov 2024
https://github.com/blacksujit/deep-learning-specialization-repo
This repo contains the neural networks learning's with tensorflow with all the high level deep learning concepts i am learning with project implementation
deep deep-layers deep-learning deep-neural-networks embeddings-word2vec llvm network-embeddings neural-network transformers-layers transformers-models vision-language-model
Last synced: 15 Dec 2024
https://github.com/sylvia-ai-lab/dr.-sylvia-s-ai--engineering-lab-codeshare
The code has explanations in YOUTUBE Ph.D.(c) Sylvia's AI & Engineering Lab Series 3 MATLAB — ideal for a quick start..
ai batterydegradation deep-neural-networks matlab
Last synced: 27 Nov 2024
https://github.com/kanishknavale/training_don_a_novel_approach
Repository for research paper "Training Dense Object Nets: A Novel Approach"
computer-vision deep-neural-networks dense-object-nets image-correspondences image-dataset image-processing keypointnet pytorch pytorch-lightning synthetic-augmentation synthetic-dataset-generation
Last synced: 06 Jan 2025
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: 02 Dec 2024
https://github.com/alisiahkoohi/xonv
xonv: Extended convolutional layers
convolutional-neural-networks deep-learning deep-neural-networks
Last synced: 30 Oct 2024
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: 27 Nov 2024