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-15 00:07:32 UTC
- JSON Representation
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: 08 Feb 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/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/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/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/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/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/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/mauricioacosta/reconocimientoexpresionesfaciales
Red Neuronal para predecir emociones
deep-neural-networks keras-tensorflow python3 tensorflow
Last synced: 21 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/maosong2022/tinyneuralnetwork
A simply C++ implemented neural networks
cpp cpp17 deep-learning deep-neural-networks
Last synced: 22 Jan 2025
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/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/malolm/educational-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: 21 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/aryansinghiiit/imagedetection
A generic image detection program that uses Google's Machine Learning library, Tensorflow and a pre-trained Deep Learning Convolutional Neural Network model called Inception. Topics
convolutional-neural-networks deep-learning deep-neural-networks image-detection tensorflow
Last synced: 24 Jan 2025
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/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/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/kedhareswer/mlgenefunction
css deep-neural-networks image-processing jupyter-notebook machine-learning python
Last synced: 28 Jan 2025
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/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/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/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 Jan 2025
https://github.com/vyomshm/tenseemotion
Emotion recognition using deep learning - project at AngelHack Global Hackathon Series : New Delhi. WON the Govtech challenge!!!!
deep-neural-networks hackathon opencv3 tensorflow
Last synced: 27 Jan 2025
https://github.com/sensorsini/pycaffejaer
A collection of utilities useful to debug deep-networks trained with Caffe Deep Learning Framework. This utilities can also be used to convert caffe networks into jAER xml format
deep-learning deep-neural-networks machine-vision sensors
Last synced: 21 Jan 2025
https://github.com/kedhareswer/pdfchatbot
The Following Project is just me trying to understand a way to make PDF Chat bot this is not the final work
css deep-learning deep-neural-networks html machine-learning pdfjs python
Last synced: 21 Jan 2025
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/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 Jan 2025
https://github.com/m0saan/guitardetect
Deep Learning for Guitars 🎸: Guitar Classifier using CNN
cnn cnn-classification deep-neural-networks guitar-classifier
Last synced: 16 Jan 2025
https://github.com/aungkaungpyaepaing/mask-nomask-classification
Purpose of this project is to classified the captured image or input image, has masks or not. This model had trained with Convolutional Neural Network (CNN) and has high accuracy. The only problem of this model is it cannot detect the mask with different color due to dataset but included possible solution at the end of doc.
classification convolutional-neural-networks deep-learning deep-neural-networks image-classification image-processing
Last synced: 21 Jan 2025
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/imumi17/melanoma-skin-cancer-detection
Melanoma Cancer Detection
deep-learning deep-neural-networks melanoma-detection
Last synced: 30 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 Jan 2025
https://github.com/blacksujit/deep-neural-networks
This repo contains my Neural Networks Learning With Projects
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 Nov 2024
https://github.com/karan-malik/self-organizing-maps
Python implementation of the unsupervised Deep Learning Algorithm SOM
deep-learning deep-neural-networks deeplearning dimensionality-reduction python python3 self-organizing-map som unsupervised-deep-learning unsupervised-learning unsupervised-machine-learning
Last synced: 14 Jan 2025
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 Jan 2025
https://github.com/ahammadmejbah/fundamental-concepts-and-architectures-of-neural-network
Neural Networks are a set of algorithms, modeled loosely after the human brain, designed to recognize patterns. They interpret sensory data through a kind of machine perception, labeling, and clustering of raw input.
deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning
Last synced: 09 Jan 2025
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 Jan 2025
https://github.com/pritz69/wine_quality_prediction_ml
Neural Networks and Deep Learning Project ,developing a Machine Learning Model .
artificial-intelligence deep-learning deep-neural-networks machine-learning neural-networks
Last synced: 11 Jan 2025
https://github.com/apal21/tensorflow-pima-indians-dataset-classification
Pima Indians Dataset classification using Tensorflow Linear Classifier and DNN Classifier.
classification deep-neural-networks kaggle linear-classifier pandas pima-indians-dataset scikit-learn tensorflow
Last synced: 31 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/asimihsan/udacity-carnd-t1-p3-behavioral-cloning
Solution and writeup for Term 1 Project 3 of Udacity's Self-Driving Nanodegree on "Behavioral Cloning"
deep-learning deep-neural-networks deeplearning hyperopt keras keras-neural-networks udacity-carnd udacity-nanodegree-project udacity-self-driving-car
Last synced: 29 Jan 2025
https://github.com/pegah-ardehkhani/predictive-maintenance-using-ml
A machine learning project for predictive maintenance, designed to forecast equipment failures and optimize maintenance schedules to reduce downtime and operational costs
adaboost decision-tree deep-learning deep-neural-networks feature-importance knn logistic-regression machine-learning machine-learning-algorithms matplotlib numpy pandas plotly predictive-maintenance random-forest seaborn sklearn stacking svm tensorflow
Last synced: 18 Jan 2025
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/danhenriquex/data_science_and_machine_learning
A.I, Data Science & Machine Learning and Deep Learning with Tensorflow
deep-learning deep-neural-networks machine-learning matplotlib numpy pandas tensorflow
Last synced: 14 Jan 2025
https://github.com/utility-code/sprintdl
pytorch wrapper for easier experimentation
deep-learning deep-neural-networks pytorch
Last synced: 21 Jan 2025
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/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: 29 Jan 2025
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: 29 Jan 2025
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/parth-shastri/neural_nets_tensorflow
Just a small set of projects from a student who loves to play with Deep-learning!
deep-learning deep-neural-networks learning neural-networks python3 tensorflow-examples tensorflow-tutorials tensorflow2
Last synced: 13 Feb 2025
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/abidmuin/tensorflow-in-practice-specialization
TensorFlow in Practice Specialization
artificial-intelligence cnn-keras computer-vision deep-neural-networks keras-classification-models keras-implementations keras-models keras-neural-networks keras-tensorflow keras-visualization lstm machine-learning-coursera nlp prediction rnn-tensorflow seasonality tensorflow-models tensorflow-tutorials time-series-analysis trend-analysis
Last synced: 13 Feb 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: 29 Jan 2025
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/iambijoykar/tmnist-deeplearning-model
Handwritten character predict model
deep-learning deep-neural-networks neural-network tensorflow tmnist
Last synced: 14 Feb 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: 29 Jan 2025
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/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/amine-akrout/face_recognition
Face Recognition and Identification using python, openCV and deep learning
deep-neural-networks face-detection face-recognition opencv python
Last synced: 29 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/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: 07 Feb 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: 14 Feb 2025
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: 29 Jan 2025
https://github.com/ksasi/deep_vision
The School of AI - Deep Vision
artificial-intelligence computer-vision deep-learning deep-neural-networks keras-tensorflow tensorflow
Last synced: 01 Feb 2025
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/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/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/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/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: 29 Jan 2025
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: 29 Jan 2025
https://github.com/angrybayblade/nnviz
📊 NNViz is interactive visualization tool for Tensorflow made neural networks.
artificial-intelligence artificial-neural-networks deep-neural-networks interpretable-machine-learning tensorflow visualization-tools
Last synced: 08 Feb 2025
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: 29 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: 08 Feb 2025
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/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: 29 Jan 2025
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: 29 Jan 2025
https://github.com/architgargpro/emotiondetector
This Machine Learning project aims to classify the emotion on a person's face into one of four categories, using deep convolutional neural networks.
cnn-keras deep-neural-networks keras-tensorflow machine-learning python
Last synced: 20 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/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/tal7aouy/nlp-roadmap
Master NLP Roadmap 🛣️
deep-learning deep-neural-networks machine-learning nlp nlp-parsing
Last synced: 29 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/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/zaquyn/tensorflow-developer-certificate-bootcamp
These notebooks contain many foundations in TensorFlow from to fundamental to NLP, Computer Vision and Time series
artificial-intelligence deep-learning deep-neural-networks tensorflow tensorflow-tutorials tensorflow2
Last synced: 13 Feb 2025
https://github.com/tonydeng/machine-learning-examples
Machine Learning Examples
deep-learning deep-neural-networks examples machine-learning neural-network python3 tensorflow
Last synced: 30 Jan 2025
https://github.com/vutrong826/cifar10_cnn
A CNN-based image classification project using the CIFAR-10 dataset.
cifar10 classification convolutional-neural-networks deep-learning deep-neural-networks keras python python3 sklearn tensorflow
Last synced: 29 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: 29 Jan 2025
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