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-26 00:07:34 UTC
- JSON Representation
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: 23 Jan 2025
https://github.com/asaficontact/stack_classifier_project
We classified Stack Overflow Python questions from 2008-2016 with Natural Language Processing and Deep Learning. Using Regular Expressions, we removed HTML tags and punctuation. We also utilized spaCy to tokenize, lemmatize and remove stop words. Using Keras, we built a 4 layered artificial neural network with a 20% dropout rate using relu and softmax activation functions. We also utilized the adam optimizer and categorical cross-entropy loss function which classified 11 tags 88% successfully.
cross-entropy-loss deep-learning deep-neural-networks keras lemmatization neural-networks object-oriented-programming pandas python3 regular-expressions relu sklearn spacy spacy-nlp stackoverflow tfidf tokenization
Last synced: 22 Dec 2024
https://github.com/aaleksandraristic/innovative-skin-cancer-screening-iscs-utilizing-cnn-models
The goal of this project is to employ deep learning models and advanced techniques to identify abnormalities by analyzing images of the skin tissues.
cnn-classification cnn-keras cnn-model convolutional-neural-networks deep-neural-networks densenet googlenet-inception-network image-classification image-processing python resnet
Last synced: 16 Jan 2025
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/avidlearnerinprogress/improvingdeepneuralnetworks
Programming assignments of the course
andrew-ng deep-learning deep-neural-networks jupyter-notebook python
Last synced: 14 Jan 2025
https://github.com/ivanrj7j/super-cars-vs-suvs
This is a deep neural network that looks at an images of cars and then classify them as suv and supercars
cnn deep-learning deep-neural-networks image-classification machine-learning
Last synced: 22 Dec 2024
https://github.com/mohamedsebaie/gender-age-race_prediction_keras
Gender Age Race Prediction Keras with Multiple Heads to The Model.
computer-vision deep-learning deep-neural-networks keras keras-classification-models keras-neural-networks keras-tensorflow neural-network python
Last synced: 21 Jan 2025
https://github.com/sreecharanv/generating-realistic-and-diverse-textual-movie-reviews-with-imdb-dataset-leveraging-deep-learning
This project uses GPT-2 to generate realistic movie reviews from the IMDb dataset. By preprocessing data and fine-tuning the model, we achieved human-like text quality. The model's reviews were evaluated for coherence and diversity, showcasing GPT-2's potential in automated text generation.
deep-learning deep-neural-networks gpt-2 large-language-models machine-learning movie-reviews natural-language-processing text-generation
Last synced: 30 Nov 2024
https://github.com/zsxoff/deep-learning-brain-segmentation
Brain segmentation for the 2D images using convolutional neural network
brain convolutional-networks convolutional-neural-networks deep-learning deep-neural-networks segmentation tensorflow
Last synced: 16 Jan 2025
https://github.com/dhrupad17/understanding-deep-learning-through-projects
This repository encapsulates a hands-on approach to mastering the intricate concepts of deep learning. Through practical engagement with real-world projects, learners immerse themselves in the nuances of neural networks, optimization techniques, and model architectures. This methodology fosters a profound comprehensio
artificial-neural-networks convolutional-neural-networks deep-learning deep-neural-networks lstm-neural-networks project-repository recurrent-neural-networks
Last synced: 16 Jan 2025
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/omerbsezer/basicrnn
The aim of this implementation is to help to learn structure of basic RNN (RNN cell forward, RNN cell backward, etc..)
deep-learning deep-neural-networks rnn tutorial-code
Last synced: 11 Nov 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: 25 Jan 2025
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/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/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/minitechy/betavae_variants
beta-VAE variants trained using deep neural networks on the dSprites dataset with PyTorch
beta-vae deep-neural-networks disentanglement dsprites mig mutual-information pytorch sap
Last synced: 22 Jan 2025
https://github.com/iamfarrokhnejad/stock-forecasting-rnn
LSTM vs GRU
deep-learning-algorithms deep-neural-networks deeplearning gated-neural-network gated-recurrent-unit gated-recurrent-units gru lstm lstm-model lstm-neural-networks neural-network neural-networks neuralnetwork neuralnetworks python pytorch time-series
Last synced: 22 Jan 2025
https://github.com/j3-signalroom/j3-ml_ai-education_experiences
Some of the project notebooks I built during my deepatlas.ai well-rounded education program.
artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks machine-learning
Last synced: 14 Dec 2024
https://github.com/wambugu71/tree-couting-deepforest-drone_imagery
Counting the number of trees in an area, muringato area.
data-science deep-learning deep-neural-networks ecology image-recognition machine-learning object-detection python
Last synced: 23 Jan 2025
https://github.com/ravisha-144/dl_practice
This repository follows the tutorials of the DL1 course at the UvA
deep-learning deep-neural-networks jax pytorch tensorflow
Last synced: 22 Jan 2025
https://github.com/kaocc/nerf_2d
Experiments of 2D NeRF (Neural Radiance Fields)
Last synced: 14 Jan 2025
https://github.com/donggeunyu/deep-learning-examples
Deep Learning의 여러 예제를 정리한 것!
deep-learning deep-learning-tutorial deep-neural-networks deeplearning python
Last synced: 16 Jan 2025
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/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/mawadamhd/deep-learning-with-keras-and-tensorflow-course
This repository Course materials for Deep Learning with Keras and TensorFlow course. This repository includes Jupyter notebooks, datasets, assignments, and solutions .
deep-learning deep-neural-networks keras keras-tensorflow tensorflow
Last synced: 07 Dec 2024
https://github.com/ahmad-ali-rafique/yolo-helmet-detection-app
This project implements a helmet detection system using YOLOv3 (You Only Look Once) and Streamlit. The application allows users to upload an image and detect helmets in real-time. The system uses OpenCV and pre-trained YOLOv3 weights to identify helmets in uploaded images, displaying the results with bounding boxes and confidence scores.
artificial-intelligence datascience deep-neural-networks helmet-detection image-processing machine-learning modeling opencv streamlit-dashboard yolov3
Last synced: 16 Jan 2025
https://github.com/binarybrainiacs/nexly
Deep Tech R&D Research
artificial-intelligence cpp20 cuda cuda-kernels cuda-programming deep-learning deep-neural-networks experimental hpc-systems infrastructure java maven natural-language-processing reccomendation-system research-and-development visual-studio
Last synced: 22 Dec 2024
https://github.com/gkouros/cs231n-spring2018-assignments
Spring 2018 Assignments for the "Convolutional Neural Networks for Visual Recognition (cs231n)" course from Stanford University
cnn-for-visual-recognition deep-learning deep-neural-networks generative-adversarial-networks lstm-neural-networks recurrent-neural-networks stanford-cs231n
Last synced: 01 Dec 2024
https://github.com/shivamgupta92/sih1477_project_smartindiahackathon
Deploying human soldiers in hazardous environments comes with significant risks, including injuries, fatalities, and potential loss of critical military intelligence due to human errors.
deep-neural-networks figma fusion-360 html-css-javascript lidar raspberry-pi
Last synced: 11 Jan 2025
https://github.com/aryanjain28/blog---linear-regression
My first blog explains the concepts of linear regression that are the first steps towards advanced ML/AI.
blog blogs deep-learning deep-learning-blog deep-neural-networks deeplearning linear-regression linear-regression-blog machine-learning machine-learning-blogs ml-blog
Last synced: 01 Dec 2024
https://github.com/aryanjain28/blog-convolution-neural-network-cnn-
Easy explanation on Convolutional Neural Network.
blog blogs cnn cnn-blog cnn-classification convolutional-neural-networks deep-learning deep-neural-networks deeplearning machine-learning machine-learning-algorithms neural-network
Last synced: 01 Dec 2024
https://github.com/aryanjain28/blog---r-cnn-fast-r-cnn-faster-r-cnn
Easy explanation on different object detection approaches like - R-CNN, Fast R-CNN, and Faster R-CNN.
blog blogs deep-learning deep-neural-networks deeplearning fast-r-cnn faster-rcnn machine-learning machine-learning-algorithms r-cnn
Last synced: 01 Dec 2024
https://github.com/aryanjain28/blog---logistic-regression
This blog is my attempt to explain logistic regression in the easiest way possible.
algorithms blog blogs deep-learning deep-neural-networks deeplearning logistic-regression logistic-regression-algorithm machine-learning machine-learning-algorithms
Last synced: 01 Dec 2024
https://github.com/autuanliu/kaggle-compettions
Kaggle Compettions code
deep-neural-networks kaggle-competition python36
Last synced: 22 Jan 2025
https://github.com/bilalhameed248/nlp-fake-news-classification
Fake News Classification using Naive Bayes, Passive-Aggressive (PA) Classifier and Artificia Neural Network (ANN)
artificial-neural-networks deep-learning deep-neural-networks embeddings machine-learning naive-bayes-classifier nlp nlp-basic passive-aggressive-classifier
Last synced: 16 Jan 2025
https://github.com/bilalhameed248/patient-most-recent-treatments-similarity-measuring
BioBert Enhanced Patient Treatment Similarity Analysis with Sentence Transformers
bert bert-fine-tuning bert-model biobert data-extraction data-preprocessing data-science deep-learning deep-neural-networks dnn python pytorch sentence-embeddings sentence-similarity sentence-transformers sentiment-analysis transformer
Last synced: 16 Jan 2025
https://github.com/ahmad-ali-rafique/batch-card-detection-app
A deep learning-based Streamlit app to detect if a person is wearing a batch card, built with TensorFlow. Includes trained model, app interface, and deployment guide.
ai artificial-intelligence carddetection deep-neural-networks streamlit-dashboard tensorflow
Last synced: 15 Dec 2024
https://github.com/margaretkhendre/nonprofit-funding-vs-deep-learning-challenge
In this repository, Google Colab is paired with neural networks and deep learning to examine data from the nonprofit, Alphabet Soup. This nonprofit desires a tool that can help it select applicants for funding, so a binary classifier will be created to predict whether applicants will be successful if funded by Alphabet Soup.
colab-notebook deep-neural-networks deeplearning jupyter-notebook neural-networks pandas standardscaler tensorflow
Last synced: 09 Jan 2025
https://github.com/aravinda-1402/cotton_disease_prediction
Deep Learning model to detect a diseased cotton plant
cnn deep-neural-networks python3
Last synced: 19 Jan 2025
https://github.com/bilalhameed248/delay-reason-extraction-model
Efficient Delay Reason Extraction in Patient Appointments/Treatments Using BERT and Tensorflow. - Feb 2022 - Jun 2023
bert bert-fine-tuning bert-model biobert data-extraction data-preprocessing data-science deep-learning deep-neural-networks dnn pytorch semantic-analysis sentence-embeddings tensorflow transformer
Last synced: 16 Jan 2025
https://github.com/bilalhameed248/whisper-fine-tuning-for-pronunciation-learning
Fine Tuning of Whisper Speech To Text Base Model For Pronunciation Learning
deep-learning deep-neural-networks dnn fine-tuning openai pronunciation python seq2seq speech speech-recognition speech-synthesis speech-to-text whisper whisper-ai
Last synced: 16 Jan 2025
https://github.com/bilalhameed248/diagnosis-effecting-patients-recovery-detection
A DNN Based Diagnosis Impact Detection Model. - Feb 2022 - Jun 2023
bert classification data-science datapipeline datapreprocessing deep-neural-networks dnn fine-tuning healthcare physiotherapy python transformer
Last synced: 16 Jan 2025
https://github.com/bilalhameed248/rice-leaf-diseases-classification-using-pytorch
Pytorch Based Rice Leaf Diseases Classification. - Personal Project
custom-model-development data-augmentation data-pipeline data-science deep-neural-networks image-classification machine-learning python pytorch
Last synced: 16 Jan 2025
https://github.com/raufjatoi/handwritten-character-recognition
Handwritten character recognition system that can recognize various handwritten characters or alphabets. I will extend this to recognize entire words or sentences.
deep-learning deep-neural-networks machine-learning mnist-handwriting-recognition
Last synced: 25 Jan 2025
https://github.com/techshot25/fashion-mnist-dnn
Testing the construction of deep neural nets (DNNs) on fashion MNIST dataset.
classification deep-neural-networks machine-learning-algorithms neural-network tensorflow tensorflow-experiments
Last synced: 21 Dec 2024
https://github.com/s1s1ty/mlpractice
ML practice for learning
computer-vision deep-neural-networks machine-learning
Last synced: 23 Jan 2025
https://github.com/blacksujit/sentiment-analysis
This project is a sentiment analysis model built to classify IMDB movie reviews as either positive or negative using the **IMDB dataset**. It uses various machine learning models and deep learning techniques to handle the text data.
challenge deep-learning deep-neural-networks lstm-neural-networks model-accuracy nlp nlp-datasets nlp-machine-learning polarity-integration proficient rqs score sentiment-analysis sentiment-classification
Last synced: 01 Dec 2024
https://github.com/faraasat/deeplearningai_deep_learning_specialization
Deeplearning.ai Deep Learning Specialization
artifiical-intelligence deep-neural-networks machine-learning python tensorflow
Last synced: 21 Nov 2024
https://github.com/sharmas1ddharth/space-rocks-classification-using-pytorch
Classify types of space rocks in random photos by using Pytorch
classification classify-space-rocks deep-learning deep-neural-networks python pytorch torch torchvision
Last synced: 11 Jan 2025
https://github.com/privatepeople/machinelearning-deeplearning
머신러닝과 딥러닝 공부를 위한 저장소
deep-learning deep-neural-networks deeplearning dl machine-learning machinelearning ml numpy pandas python scipy tensorflow
Last synced: 15 Jan 2025
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/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/jeremiegince/mixture_models_deep_rl
Mixture models in deep reinforcement learning with gym
atari deep-learning deep-neural-networks deep-reinforcement-learning gym-environment mixture-model mixture-models reinforcement-learning
Last synced: 20 Jan 2025
https://github.com/rahulbhoyar1995/coursera-ml-specialisation-certification
Explore my journey through the Coursera Machine Learning Specialization with this repository. Access practice materials, code implementations, and learning notes to enhance your understanding of machine learning concepts.
deep-learning deep-neural-networks machine-learning machine-learning-algorithms python3 reinforcement-learning-algorithms supervised-learning unsupervised-learning
Last synced: 15 Jan 2025
https://github.com/rahulbhoyar1995/ner-case-study
This repositiry contains the code for Case study of "Named-Entity Recognition" in Natural Language Processing.
deep-neural-networks natural-language-processing ner
Last synced: 15 Jan 2025
https://github.com/mwanginjuguna/deeplearning-with-fast-ai
Exploring Deep Learning on Kaggle.com. Mainly through the eyes of Practical deep learning for coders with Jeremy Howard on fast.ai
deep-neural-networks fastai ml pytorch
Last synced: 13 Jan 2025
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/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: 23 Jan 2025
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/satya04m/recommender-system
The Recommender-System project is a machine learning-based application designed to predict user preferences and provide personalized recommendations. It leverages various algorithms, such as collaborative filtering and content-based filtering, to analyze user data and suggest relevant items. The project also includes a CI/CD pipeline for automating
deep-learning deep-neural-networks mse neural-network python recommendation-system rmse-score
Last synced: 22 Jan 2025
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/atharvapathak/hand_gesture_recognition_case_study
This project involves building a 3D Convolutional Neural Network (CNN) to correctly recognize hand gestures by a user to control a smart TV using 3D-CNN and 2D-CNN + RNN/LSTM/GRU.
cnn deep-neural-networks gesture-recognition machine-learning palm-detection python pytorch resnet tensorflow video-processing
Last synced: 15 Jan 2025
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/sloppycoder/coursera_tf_in_practice
Notebook for Coursera Tensorflow in Practices courses
deep-learning deep-neural-networks python tensorflow
Last synced: 11 Jan 2025
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/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/apozzi/convnetjs-extras
Builds on the core functionalities of convnetjs by adding more features and utilities that enhance the capabilities of neural network development and experimentation.
activation-functions convnetjs deep-learning deep-neural-networks loss-functions
Last synced: 29 Nov 2024
https://github.com/piero24/lossfuncition-4sn
This research will show an innovative method useful in the segmentation of polyps during the screening phases of colonoscopies. To do this we have adopted a new approach which consists in merging the hybrid semantic network (HSNet) architecture model with the Reagion-wise(RW) as a loss function for the backpropagation process.
dataset deep-learning deep-neural-networks loss loss-functions matplotlib neural-network numpy opencv polyp-detection polyp-segmentation python python3 pytorch segmentation segmentation-models torchvision transformers unipd unipd-dei
Last synced: 08 Jan 2025
https://github.com/maxadams0/starryright
Dataset preparation for VikX
astronomy dataset-generation deep-neural-networks python
Last synced: 15 Jan 2025
https://github.com/venkat-a/text_processing_rnn_lstm
Text Processing RNN leverages RNN and LSTM models for advanced text processing. It features deep learning techniques for NLP tasks, utilizing GloVe for word embeddings, aimed at both educational and practical applications.
categorical-encoding deep-neural-networks embedding-vectors lstm-neural-networks model-evaluation-and-tuning nltk-tokenizer numpy-arrays pandas-dataframe pytorch-nlp rnn-encoder-decoder tokenization vocabulary-builder
Last synced: 08 Jan 2025
https://github.com/lim-calculus/deep-learning-based-semantic-segmentation-with-pytorch-and-onnx
Deep learning-based semantic segmentation model using the PyTorch and ONNX framework
ai deep-learning deep-neural-networks onnx onnxruntime pytorch semantic-segmentation
Last synced: 22 Jan 2025
https://github.com/wielkadraka/lunar-landing-q-learing
AI playing Lunar Landing from python gymnasium library
deep-neural-networks deep-q-learning lunar-lander python3
Last synced: 11 Jan 2025
https://github.com/ahsan-83/machine-learning-projects
Machine Learning Projects
binary-classification car-detection classification cnn deep-learning deep-neural-networks image-compression k-means-clustering keras logistic-regression mobilenetv2 neural-networks
Last synced: 15 Dec 2024
https://github.com/hiroakimikami/nnabla-ggnn
Reimplement gated graph neural network in NNabla
deep-learning deep-neural-networks ggnn nnabla
Last synced: 13 Jan 2025
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: 26 Jan 2025
https://github.com/thoth2357/transfer-and-nontransfer-learning-models-for-pneumonia-detection
Pneumonia detection using transfer learning learning with different deep learning model
classification-algorithm deep-learning deep-neural-networks keras-tensorflow pneumonia-classification
Last synced: 07 Jan 2025
https://github.com/amitkaps/dl101
Deep Learning 101
deep-learning deep-neural-networks python
Last synced: 25 Dec 2024
https://github.com/aaditya29/first-neural-network
Jupyter Notebook predicting the House Prices
deep-learning deep-learning-algorithms deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms neural-network neural-networks
Last synced: 14 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/justdvnsh/research-summarizer
A research paper summariezer app
app deep-learning deep-neural-networks encoder-decoder gru lstm machine-learning machine-learning-algorithms research rnn rnn-tensorflow seq2seq summarizer webapp
Last synced: 14 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/justdvnsh/dbot
My chatbot
chatbot dbot decoder deep-learning deep-neural-networks encoder encoder-decoder-model gru lstm machine-learning machine-learning-algorithms rnn rnn-tensorflow seq2seq
Last synced: 14 Dec 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/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/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/avidlearnerinprogress/neuralnetworksanddeeplearning
Programming assignments of the course
andrew-ng deep-learning deep-neural-networks python
Last synced: 14 Jan 2025
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/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/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: 29 Nov 2024
https://github.com/axmand/neuro
deep-learning deep-neural-networks deep-reinforcement-learning
Last synced: 04 Dec 2024