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/yoyolicoris/building-nn-with-numpy
numpy lenet implementation.
convolutional-neural-networks deep-learning deep-neural-networks lenet-mnist mnist-classification numpy-tutorial scipy
Last synced: 15 Dec 2024
https://github.com/arasgungore/models
Models and examples built with TensorFlow.
convolutional-neural-network convolutional-neural-networks deep-learning deep-neural-networks deeplearning machine-learning machinelearning model models research sota sota-model state-of-the-art state-of-the-art-models tensorboard tensorflow tensorflow-api tensorflow-examples tensorflow-models tensorflow2
Last synced: 26 Sep 2024
https://github.com/yoyolicoris/dl_hw1
back propogation
backpropagation classification deep-learning deep-neural-networks regression visualization
Last synced: 15 Dec 2024
https://github.com/0xdaksh/employeechurn
A Deep Neural Network that can Classify Employee Churn with ~97% Accuracy
algorithm artificial-neural-networks classifier deep-learning deep-neural-networks keras machine-learning tensorflow
Last synced: 17 Nov 2024
https://github.com/ahammadnafiz/fiztorch
Toy Implementation of PyTorch
algorithms deep-learning deep-neural-networks framework implementation neural-network python python-3 pytorch pytorch-tutorial tensorflow2 torch tutorial
Last synced: 22 Dec 2024
https://github.com/louis030195/xmoto-gym
OpenAi's gym environment for Xmoto game - reinforcement learning research
artificial-intelligence deep-learning deep-neural-networks deeplearning machine-learning machinelearning python reinforcement-learning
Last synced: 25 Dec 2024
https://github.com/karanchawla/deeplearningspecialization-coursera
Deep Learning Specialization by Andrew Ng on Coursera
coursera deep-learning deep-neural-networks machine-learning neural-networks
Last synced: 28 Nov 2024
https://github.com/rakibhhridoy/ctscanpredictioncovid19-tensorflow
Classifying covid positive and negative cases in ct-scan images. Though the data is not large enough, it can be processed and make prediction from the model. Images are quite similar thus the task became much complicated.
cnn cnn-classification cnn-keras computer-vision covid-19 ctscan deep-learning deep-neural-networks image-classification image-processing keras machine-learning medical-image-analysis neural-network prognosis python
Last synced: 25 Dec 2024
https://github.com/abidshafee/datascienceyoutubetutorials
This repository holding some python notebooks which I made to cast some of my practical data science projects on YouTube
cs cs-school data-science deep-learning deep-neural-networks machine-learning shafekul-abid video-tutorials youtube youtube-channel
Last synced: 15 Nov 2024
https://github.com/mohitmishra786/ml-and-dl
This repository gives beginners and newcomers in the field of AI and ML a chance to understand the inner workings of popular learning algorithms by presenting them with a simple way to analyze the implementation of ML and DL algorithms in pure python using only numpy as a backend for linear algebraic computations.
artificial-intelligence artificial-neural-networks basic coding deep-learning deep-neural-networks machine-learning machine-learning-algorithms machine-learning-practice machine-learning-projects ml ml-project mlops python python3 pytorch pytorch-implementation tensorflow
Last synced: 21 Nov 2024
https://github.com/duartegalvao/image-colorization-with-deep-learning
This is a project for the DD2424 - Deep Learning in Data Science course in KTH (Royal Institute of Technology).
deep-learning deep-neural-networks gan python python3 tensorflow tensorflow-models turing-test unet
Last synced: 18 Nov 2024
https://github.com/frankchen121212/RHSNet
Tensorflow and Keras implementation of RHSNet for recombination hotspot identification and quantification
computational-biology deep-neural-networks motif-discovery
Last synced: 28 Nov 2024
https://github.com/e0xextazy/gender-est
Gender prediction using mobilenet_V2 finetuned on datasets of celebrities, lamoda, wildberries photos.
deep-learning deep-neural-networks gender-classification gender-classifier gender-detection gender-recognition lamoda mobilenet mobilenet-v2 mobilenetv2 mobilenetv2-ssdlite pytorch torch torchvision wildberries
Last synced: 25 Nov 2024
https://github.com/pasaopasen/pasaopasen.github.io
My resume, моё основное резюме
ansible bash code-acceleration compose cython data-science deep-neural-networks docker evolutionary-computation jenkins linux machine-learning mathematics python resume telegram winforms
Last synced: 28 Nov 2024
https://github.com/linggarm/movie-genre-classification-based-on-synopsis-using-deep-neural-network-and-tf-idf-vectorizer
Movie Genre Classification based on Synopsis using Deep Neural Network and TF-IDF Vectorizer
deep-learning deep-neural-networks machine-learning movie-genre-classification multinomial-naive-bayes nlp python supervised-learning svm text-classification tf-idf
Last synced: 09 Jan 2025
https://github.com/justanhduc/neural-monitor
Monitor neural network training!
computer-vision deep-learning deep-neural-networks monitoring pytorch
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: 10 Jan 2025
https://github.com/ashwinpn/reinforcement-learning
Research and implementations of Deep Learning / Reinforcement Learning agents and their implementations / applications
deep-learning deep-learning-framework deep-neural-networks deep-reinforcement-learning machine-learning machine-learning-algorithms machinelearning reinforcement reinforcement-learning reinforcement-learning-agent reinforcement-learning-algorithms reinforcement-learning-environments rl
Last synced: 15 Nov 2024
https://github.com/akashmodak97/genre-detection-of-bengali-songs-based-on-audio-data
Genre Detection of Bengali Rabindranath Tagore's Song Based On Audio Data.
bengali-songs deep-learning deep-neural-networks feature-extraction genre-classification keras-tensorflow librosa lstm mfcc-features music-classification neural-network python3 song-genre tensorflow2
Last synced: 15 Nov 2024
https://github.com/efecanxrd/lstm-derin-ogrenme-modeli-ile-enerji-tuketimi-tahmini
Derin modelleme için kullanılan paketler TensorFlow ve Keras'tır. Python ile Hollanda'nın ileride kullanabileceği tahmini! enerji tüketimini hesapladık.
deep-learning deep-learning-algorithms deep-neural-networks deeplearning keras plotly python tensorflow
Last synced: 15 Nov 2024
https://github.com/muntahashams/character-level-lstm-pytorch
In this notebook, I'll construct a character-level LSTM with PyTorch. The network will train character by character on some text, then generate new text character by character. As an example, I will train on Anna Karenina. This model will be able to generate new text based on the text from the book!
artificial-intelligence character-encoding character-level-lstm deep-neural-networks generate-text lstm machine-learning-algorithms pytorch text-generation
Last synced: 13 Nov 2024
https://github.com/gitstar-oc/machine-learning
This are the Machine Learning notes by leading AI website named Deeplearning.AI. This notes will help you to be a machine learner from beginner to advanced level. Welcome Everyone!!
deep-learning deep-neural-networks jupyter-notebook machine-learning machine-learning-algorithms matplotlib numpy pandas python scikit-learn supervised-learning tensorflow unsupervised-learning
Last synced: 13 Oct 2024
https://github.com/serhatderya/deep_learning
This repository contains my notes from Deep Learning With Tensorflow 2.0 from codebasics YouTube channel
ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks deeplearning jupyter jupyter-notebook keras keras-neural-networks keras-tensorflow keras-tutorials neural-network neural-networks pyhon3 python tensorflow tensorflow-models tensorflow-tutorials tensorflow2
Last synced: 17 Nov 2024
https://github.com/rakshit-shetty/pothole-detection
A pothole detection DL algorithm using Yolo v2 and Tensorflow
deep-neural-networks pothole-detection tensorflow yolov2
Last synced: 27 Nov 2024
https://github.com/tallamjr/dnn
Implementations of Deep Neural Networks in Tensorflow 2.x
deep-learning deep-neural-networks keras tensorflow tensorflow-examples tensorflow2
Last synced: 17 Dec 2024
https://github.com/vyomshm/sentiment-rnn
Sentiment analysis using a recurrent neural network
deep-neural-networks recurrent-neural-networks rnn-tensorflow sentiment-analysis tensorflow
Last synced: 29 Nov 2024
https://github.com/a-mhamdi/journey-into-ml
Showcase some machine learning algorithms.
deep-neural-networks julialang keras machine-learning-algorithms python rlang tensorflow
Last synced: 12 Oct 2024
https://github.com/hritik5102/chatbot-with-deep-learning
Deep learning chatbot
chatbot deep-neural-networks intents nltk python softmax tensorflow tflearn
Last synced: 12 Dec 2024
https://github.com/ahmedshahriar/time-series-projects
Collection of my Time series Analysis Projects
deep-learning deep-neural-networks keras lstm pandas python scikit-learn tensorflow time-series time-series-analysis time-series-classification time-series-forecasting time-series-prediction time-series-regression timeseries
Last synced: 16 Nov 2024
https://github.com/ranpy13/portrait-blur-bokeh
Attempt to recreate the DSLR like portrait bokeh blur effect on any normal image using deep learning, resnet and unet.
bokeh deep-neural-networks opencv resnet unet-image-segmentation
Last synced: 11 Nov 2024
https://github.com/abhineet123/deep_mdp
Deep MDP: A Modular Framework for Multi-Object Tracking
deep-learning deep-neural-networks markov-decision-processes multi-object-tracking object-tracker object-tracking siamese-network siamese-neural-network siamese-tracker tracking
Last synced: 21 Nov 2024
https://github.com/unipr-org/deep-neural-network
Deep Neural Network Library: A flexible C++ library for building, training, and using deep neural networks. Modular, easy-to-use, and high-performance.
artificial-intelligence artificial-neural-networks cpp deep-neural-networks machine-learning
Last synced: 13 Dec 2024
https://github.com/masasron/deepnet
DeepNet is simple node based cli tool for creating machine learning classifiers you can use on the web.
classifier classifier-training deep-learning deep-neural-networks machine-learning nodejs
Last synced: 22 Nov 2024
https://github.com/ahammadmejbah/supplemental-materials-for-deep-learning-and-ai-specialization-course
The Deep Learning and AI Specialization course offered by aiQuest Intelligence provides a comprehensive program designed to teach cutting-edge artificial intelligence, neural networks, and deep learning techniques. This course is aimed at equipping you with the skills needed to tackle real-world AI challenges.
deep deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning-ai
Last synced: 09 Jan 2025
https://github.com/amazon-science/mada_optimizer_search
Code the ICML 2024 paper: "MADA: Meta-Adaptive Optimizers through hyper-gradient Descent"
adam-optimizer deep-neural-networks gpt-2 large-language-models machine-learning machine-learning-algorithms meta-optimizer optimization optimization-algorithms
Last synced: 12 Nov 2024
https://github.com/EliasVansteenkiste/plnt
A Python framework for classification of satellite imagery of the Amazon, built with Pytorch and Lasagne/Theano. The goal is to find deforestation activity.
classification deep-neural-networks kaggle lasagne python pytorch satellite-imagery
Last synced: 07 Nov 2024
https://github.com/harshuljain13/cs231n-deeplearning
stanford's cs231n course
cs231n deep-learning deep-neural-networks stanford
Last synced: 30 Dec 2024
https://github.com/ayushverma135/whisper-hindi-asr-model-iit-bombay-internship
The Whisper Hindi ASR (Automatic Speech Recognition) model utilizes the KathBath dataset, a comprehensive collection of speech samples in Hindi. Trained on this dataset, Whisper employs advanced deep learning techniques to accurately transcribe spoken Hindi into text.
dataset deep-learning deep-neural-networks googlecollab machine-learning neural-networks python3 transcribing
Last synced: 01 Jan 2025
https://github.com/jonperk318/machine-learning-analysis-of-hyperspectral-data
Using Non-negative Matrix Factorization (NMF) and Variational Autoencoder (VAE) machine learning architectures to analyze spatial and spectral features of hyperspectral cathodoluminescence (CL) spectroscopy images taken from hybrid inorganic-organic perovskite material
data-analysis data-science deep-neural-networks explained-variance hybrid-perovskite hyperspectral-image-classification machine-learning matplotlib nmf non-negative-matrix-factorization python pytorch scikit-learn semi-supervised-learning signal-processing solar-energy spectroscopy unsupervised-learning vae variational-autoencoder
Last synced: 06 Nov 2024
https://github.com/mkashirin/scratches
Scratches is a project, which provides a comprehensive guide to creating deep learning models from scratch using Python and NumPy.
artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks from-scratch machine-learning machine-learning-algorithms numpy python
Last synced: 06 Nov 2024
https://github.com/sarthak-1408/indian-food-classification
This Repo Represents Indian Food Classification and with the help of this project you can easily identify the Indian food
classification-model deep-learning deep-neural-networks flask flask-application image-classification keras-neural-networks keras-tensorflow tensorflow
Last synced: 16 Nov 2024
https://github.com/qengineering/squeezenet-ncnn
SqueezeNet for ncnn framework
cpp deep-neural-networks ncnn ncnn-framework ncnn-squeezenet raspberry raspberry-pi raspberry-pi-3 raspberry-pi-4 squeezenet
Last synced: 27 Nov 2024
https://github.com/ahammadmejbah/supplemental-materials
Explore AI with resources like 📚 books, 🎧 podcasts, and 🖥️ online courses! Join forums 💬, attend workshops 🛠️, and read journals 📖 to boost your knowledge! 🚀✨🧠
computer-vision data-science data-science-projects data-visualization deep-learning deep-neural-networks machine machine-learning opencv python3
Last synced: 09 Jan 2025
https://github.com/abhisaphire/style-transfer-dnn
Apply Style of one image onto another image using VGG19 Deep Neural Network in PyTorch
abhisaphire cnn colab-notebook deep-neural-networks dnn pytorch pytorch-implementation research-paper research-paper-implementation style-transfer style-transfer-algorithms vgg19
Last synced: 10 Jan 2025
https://github.com/camara94/reseau-neurone-tensorflow-2
TensorFlow est une bibliothèque open source de Machine Learning, créée par Google, permettant de développer et d’exécuter des applications de Machine Learning et de Deep Learning
algorithms-and-data-structures deep-learning deep-neural-networks machine-learning python3 tensorflow2
Last synced: 23 Dec 2024
https://github.com/harshjuly12/deep-learning-approaches-for-enhanced-breast-cancer-detection
A deep learning project aimed at early detection of breast cancer by classifying tumors as benign or malignant based on features extracted from cell images. The project demonstrates data preprocessing, model training, and evaluation using various deep learning algorithms to achieve high accuracy in predictions.
aiml cnn deep-learning deep-neural-networks
Last synced: 12 Nov 2024
https://github.com/pegah-ardehkhani/corona-virus-tweets-sentiment-analysis-and-prediction
Analysis and Prediction of the Corona Virus tweets Sentiment Using Deep Learning Models and Plotly Library
coronavirus covid-19 data-science deep-learning deep-neural-networks lstm machine-learning plotly prediction python sentiment-analysis sentiment-classification tensorflow text text-analysis text-classification tweet tweet-analysis tweets
Last synced: 07 Jan 2025
https://github.com/justsecret123/one-piece-image-classifier
A quick image classifier trained with manually selected One Piece images.
batch-normalization classification classification-model computer-vision convolutional-neural-networks data-augmentation deep-learning deep-neural-networks docker early-stopping image-classification image-classifier jupyterlab keras machine-learning notebook python tensorflow tensorflow-serving transfer-learning
Last synced: 23 Dec 2024
https://github.com/subhangisati/classification-of-venomous-and-non-venomous-snakes
This repository consists of classification of snakes species. It shows the whole progress and model used to achieve final accuracy. The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet. The final accuracy was achieved using transfer learning with model MobileNetV2
binary-image-classification classification cnn-classification cnn-keras computer-vision convolutional-neural-network cv2 data-science deep-neural-networks keras-tensorflow matplotlib mobilenetv2 neural-network numpy-library pandas-dataframe tensorflow transfer-learning
Last synced: 01 Jan 2025
https://github.com/pavansomisetty21/diabetes-prediction-using-dnnclassifier
we predict diabetes using DNNClassifier
architecture classification classification-algorithm classifier deep-learning deep-neural-networks diabetes diabetes-prediction diabetics dnnclassifier prediction
Last synced: 09 Jan 2025
https://github.com/subhangisati/identification-of-gemstone-using-mobilenetv2-and-transfer-learning
The project focuses on Identification of various Gemstone. The dataset consists of 87 classes.It shows the whole progress and model used to achieve final accuracy. You will gain knowledge of Computer Vision, The model used are CNN(Convolutional Neural Network), MobileNetV2 and VGGNet,The final model used was transfer learning with model MobileNetV2
artificial-intelligence classification computer-vision convolutional-neural-networks cv2-library data-science deep-learning deep-neural-networks keras-neural-networks keras-tensorflow machine-learning multiclass-image-classification numpy-library pandas-dataframe python scikit-learn seaborn-python tensorflow
Last synced: 01 Jan 2025
https://github.com/pegah-ardehkhani/cnn-from-scratch
"CNN" from Scratch
cnn data-science deep-learning deep-neural-networks from-scratch from-scratch-in-python machine-learning python
Last synced: 07 Jan 2025
https://github.com/pegah-ardehkhani/speech-emotion-recognition
Emotion Recognition Using Audio Speech Files
audio audio-emotion-detection audio-processing cnn data-science deep-learning deep-neural-networks emotion-detection emotion-recognition feature-extraction machine-learning python
Last synced: 07 Jan 2025
https://github.com/narasimha1997/sento---online-sentiment-analysis-tool
Sento is a free online sentiment analysis tool .
deep-learning deep-neural-networks javascript natural-language-processing reactjs tensorflow-js webapp webpack
Last synced: 27 Dec 2024
https://github.com/masoudnick/white-blood-cells-classification
White Blood Cells Classification Using Transfer Learning Technique
classification dataset deep-neural-networks inceptionv3 kaggle-dataset medical-image-processing medical-imaging transfer-learning white-blood-cells
Last synced: 13 Dec 2024
https://github.com/raulmurillo/annsim_22
Code for reproducing ANNSIM 2022 results
deep-neural-networks floating-point physics-simulation posit simulation
Last synced: 18 Dec 2024
https://github.com/pegah-ardehkhani/brain-mri-segmentation
U-Net from Scratch for Brain Tumor Segmentation
ai-for-medical-diagnosis brain-imaging brain-mri brain-mri-images deep-learning deep-neural-networks dice-coefficient healthcare-imaging iou medical-image-processing medical-imaging mri mri-brain mri-brain-segmentation mri-images python segmentation tensorflow u-net u-net-keras
Last synced: 07 Jan 2025
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/princep/blogsleepi
Blogs for Leepi Application
android androiddevchallenge deep-neural-networks edtech educational-project machine-learning
Last synced: 04 Jan 2025
https://github.com/annapoorna-a-k/covid-19-detection-using-cnn
A precise and efficient model capable of early and accurate COVID-19 diagnosis.
bioinformatics cnn covid-19 covid-prediction deep-learning deep-neural-networks neural-network x-ray-images
Last synced: 03 Jan 2025
https://github.com/papapana/dog-breed-classification-with-convolutional-neural-networks
Predicting dog breed using convolutional neural networks
convolutional-neural-networks deep-learning deep-neural-networks pytorch
Last synced: 14 Nov 2024
https://github.com/wodenwang820118/music_genre_multiclass_classification
The multiclass classification sometimes gets poor results. The repository attempts to use comet_ml to grid search and find the best hyperparameters and concatenate different models for training a better model. The goal is to classify the music genres.
deep-learning deep-neural-networks machine-learning multiclass-classification music-genre-classification
Last synced: 12 Nov 2024
https://github.com/m0hc3n/happy-or-sad-detection-deep-learning-model
This is a simple deep learning model to detect whether a person is happy or sad.
body-recognition convolutions deep-learning deep-neural-networks face-recognition-opencv
Last synced: 08 Jan 2025
https://github.com/ondrejbiza/vae
Variational autoencoders implemented in Tensorflow.
deep-learning deep-neural-networks tensorflow variational-autoencoders vq-vae
Last synced: 08 Jan 2025
https://github.com/shivamgupta92/imageforgerydetection
Employing Error Level Analysis (ELA) and Edge Detection techniques, this project aims to identify potential image forgery by analyzing discrepancies in error levels and abrupt intensity changes within images.
deep-neural-networks densenet121 error-level-analysis forgery-detection jpeg-compression-technique
Last synced: 12 Nov 2024
https://github.com/augus1999/akane
AsymmetriC AutoeNcodEr (ACANE → AkAne). This model is part of MSc Electrochemistry and Battery Technologies project (2022 - 2023), University of Southampton.
chemistry deep-neural-networks denovo-design graph-neural-networks machine-learning multitask-learning pytorch-implementation transformer
Last synced: 14 Nov 2024
https://github.com/gsauc3/pytorch-model-details
Package to visualize all the layer parameters of a deep learning model.
cnn-model deep-learning deep-neural-networks model-summary pytorch summary
Last synced: 30 Dec 2024
https://github.com/mashiat12/synthetic_brain_image_generation
Synthetic images generated using deeplearning model (GANs) allows researchers to create realistic, diverse MRI images that can supplement or expand existing datasets without needing additional patient scans.
artificial-intelligence deep-learning deep-neural-networks gan gans generative-adversarial-network generative-ai image-processing imagegeneration machine-learning
Last synced: 30 Nov 2024
https://github.com/keyurparalkar/cifar-10
ConvNet implementation for CIFAR-10 dataset using pytorch
convolutional-neural-networks deep-learning deep-neural-networks lenet-architecture pytorch
Last synced: 30 Dec 2024
https://github.com/leehanchung/deeplearning.ai
Coursera Deeplearning.ai Deep Learning Specialization
coursera deep-learning deep-neural-networks neural-networks tensorflow
Last synced: 08 Jan 2025
https://github.com/himanshuvnm/generalized-gaussian-radial-basis-function-in-artificial-intelligence-matlab
This is the recent work of my on the importance and application of mathematical function around its Hilbert function theory on artificial intelligence algorithms. The main motivation was the desire of improving the convergence rate and learning rate of various learning algorithms via Generalized Gaussian Radial Basis Function.
activation-functions artificial-intelligence deep-learning deep-neural-networks gaussian-process-regression image-recognition kernel-regression machine-learning-algorithms neural-network reproducing-kernel-hilbert-space support-vector-machine
Last synced: 25 Dec 2024
https://github.com/tiskw/gaussian-process-bootstrapping-layer
PyTorch implementation of the Gaussian process bootstrapping layer
artificial-intelligence deep-neural-networks gaussian-processes machine-learning python pytorch
Last synced: 12 Nov 2024
https://github.com/edwildson/facerecognition
Projeto de reconhecimento de face e sentimentos, feito com Django e ML
deep-neural-networks django face-detection face-recognition machine-learning opencv python
Last synced: 08 Jan 2025
https://github.com/iinjyi/hands-on-neural-networks
A series of hands-on notebooks for beginners in neural networks. [To be updated]
ai cnn computer-science deep-learning deep-neural-networks lstm maths neural-networks python pytorch rnn transfer-learning
Last synced: 30 Dec 2024
https://github.com/pathak-ashutosh/liver-segmentation
Segment liver using unet architecture. This was a project I did for a senior anonymously as his final year project during my undergrad.
biomedical-image-processing computer-vision deep-learning deep-neural-networks machine-learning neural-network segmentation unet-image-segmentation
Last synced: 02 Jan 2025
https://github.com/puyuan1996/rl_mcts_intro
强化学习 (RL) 与蒙特卡洛树搜索 (MCTS) 相关学习资源
artificial-intelligence awesome deep-learning deep-neural-networks deep-reinforcement-learning introduction learning mcts monte-carlo-tree-search ppt reinforcement-learning resources rl search
Last synced: 04 Jan 2025
https://github.com/daelsepara/deeplearningcpp
C++ Implementation of Machine Learning Toolbox (deep neural networks and convolutional neural networks)
convolutional-neural-networks deep-neural-networks machine-learning-toolbox
Last synced: 29 Dec 2024
https://github.com/suhani1209/mobile-gallery-image-classifier
Distinguishes the mobile gallery's images into various sets such as whatsapp documents, nature, cars, screenshots, the machine learns itself and predicts the results with an accuracy of 97.6%
cnn deep-learning deep-neural-networks image-classification object-classification python
Last synced: 25 Dec 2024
https://github.com/hongbo-wei/nvidia-fundamentals-of-deep-learning
Deep Learning Institute (DLI)
ai artificial-intelligence artificialintelligence deep-learning deep-neural-networks deeplearning nvidia
Last synced: 14 Nov 2024
https://github.com/coding-enthusiast9857/deep_learning_projects
Welcome to the Deep Learning Projects Repository! This repository is a collection of hands-on projects related to deep learning, covering a wide range of topics and applications.
ai ann cnn cv deep-learning deep-neural-networks dl gan image-processing keras ml nlp python pytorch rnn tensorflow transfer-learning
Last synced: 14 Nov 2024
https://github.com/coding-enthusiast9857/automatic_text_generation
Welcome to the repository, where innovation meets language! This repository is a comprehensive collection of tools, models, and resources dedicated to the exciting field of automatic text generation. Whether you're a researcher, developer, or enthusiast, this repository provides a playground for exploring cutting-edge technology.
ai ann cnn deep-learning deep-neural-networks gru keras lstm ml neural-networks nlp numpy python rnn tensorflow tensorflow2 text-processing
Last synced: 14 Nov 2024
https://github.com/ani717/anime_face_generation_with_gans
Random Anime Face Generation with Generative Adversarial Networks. DCGAN and WGAN-GP are used.
anime computer-vision convnets convolutional-neural-networks dcgan dcgan-pytorch deep-neural-networks deeplearning gans generative-adversarial-network python pytorch wgan-gp wgan-gp-pytorch
Last synced: 12 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/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/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/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/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/extwiii/ml-university.of.washington
Build Intelligent Applications - ML - University of Washington - Coursera
classification deep-learning deep-neural-networks machine-learning python regression svm washington-university
Last synced: 29 Nov 2024
https://github.com/arif-miad/titanic-analysis
artificial-intelligence data data-science deep-neural-networks
Last synced: 14 Nov 2024
https://github.com/coditheck/tensorflow
TensorFlow is an open source Machine Learning library, created by Google, for developing and running Machine Learning and Deep Learning applications.
deep-learning deep-neural-networks keras machine-learning neural-network python tensorflow tensorflow-tutorials
Last synced: 21 Dec 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/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/clberube/gims
Command line interface for geospatial image segmentation
deep-neural-networks geospatial-analysis segmentation unet
Last synced: 19 Nov 2024
https://github.com/guiferviz/happyml
Machine Learning Python library for academic purposes.
deep-learning deep-neural-networks learning machine-learning machine-learning-algorithms neural-network neural-networks numpy
Last synced: 17 Dec 2024
https://github.com/jstzwj/traph
An open-source machine learning platform
deep-learning deep-neural-networks machine-learning neural-network
Last synced: 14 Dec 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/sathyasris27/image-classification-using-dnn-and-cnn
The main aim of this project is to understand and implement deep neural network (DNN) and convolutional neural network (CNN) and see how these can be used for classification problems.
classification convolutional-neural-networks data-science deep-learning deep-neural-networks image-classification python
Last synced: 12 Nov 2024