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-12 00:07:43 UTC
- JSON Representation
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/ue2020/divinenn
A deep-learning chess engine written in Rust, partially compliant with the UCI protocol. DivineNN uses the Monte Carlo Tree Search (MCTS) algorithm to enhance the neural network policy using the neural network's value output.
ai chess deep-learning deep-neural-networks machine-learning monte-carlo-tree-search search-algorithm
Last synced: 27 Dec 2024
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/justanhduc/neural-monitor
Monitor neural network training!
computer-vision deep-learning deep-neural-networks monitoring pytorch
Last synced: 04 Feb 2025
https://github.com/kumar-shivam-ranjan/recognizing-human-activity-using-multiple-wearable-accelerometer-sensors
The project in this repository solved the HAR problem by deep neural network specifically long Short term memory (LSTM) of recurrent neural network .
deep deep-learning deep-neural-networks lstm-model smartphone-sensors
Last synced: 13 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/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 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/hritik5102/chatbot-with-deep-learning
Deep learning chatbot
chatbot deep-neural-networks intents nltk python softmax tensorflow tflearn
Last synced: 06 Feb 2025
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/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: 26 Jan 2025
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: 17 Jan 2025
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 Jan 2025
https://github.com/anonym0uswork1221/jaraconverse-transformersbased
This JaraConverse model is a cutting-edge Transformer-based supervised Language Model (LLM) specifically designed for generating Python code snippets.
ai code-generator conversational-ai deep-neural-networks keras keras-nlp large-language-model llm machine-learning optimized python scratch tensoflow transformers transformers-models
Last synced: 09 Feb 2025
https://github.com/shaheennabi/deep-learning-practices-and-mini-projects
Welcome to Deep Learning & Math with Python! 🚀💥 Here, we blend code and theory to build deep learning algorithms from scratch and explore the math behind them. 🧠⚡ Whether you're just starting or a seasoned pro, this space is all about learning, experimenting, and creating AI magic together! 🔥🎆 Let's code, learn, and innovate!
activation-functions backpropagation calculus deep-learning deep-neural-networks linear-algebra maths-behind-neural-network opencv pytorch tensorflow
Last synced: 14 Jan 2025
https://github.com/g4m3r0/mri_gender_classification
Using MRI Images to classify the gender using DNNs
deep-learning deep-neural-networks gender-classification mri neural-networks
Last synced: 10 Jan 2025
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/sque/mynn
Playground for Neural Networks
deep-neural-networks machine-learning python python3
Last synced: 20 Jan 2025
https://github.com/vyomshm/image-classification-project
A convolution neural net to classify images from the CIFAR-10 dataset consisting of 60,000 images
convolutional-neural-networks deep-learning deep-neural-networks image-classification machine-learning
Last synced: 27 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/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/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/justsecret123/twitter-sentiment-analysis
A sentiment analysis model trained with Kaggle GPU on 1.6M examples, used to make inferences on 220k tweets about Messi and draw insights from their results.
classification data-analysis data-science deep-learning deep-neural-networks docker glove-embeddings kaggle lstm lstm-neural-networks machine-learning natural-language-processing nlp python rnn scikit-learn sentiment-analysis sentiment-classification tensorflow word-embeddings
Last synced: 05 Nov 2024
https://github.com/iamgmujtaba/gif-celeba
A complete guide on how to generate animated images by detecting character face and gender using the CNN model.
celeba cnn-classification cnn-keras deep-neural-networks keras keras-tensorflow
Last synced: 09 Feb 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 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/nextgencodes/dspath
Collecting DS methods in one place
arduino data-science data-science-projects deep deep-learning deep-neural-networks gpu iot jetson machine-learning machine-learning-algorithms machine-learning-models nvidia raspberrypi robotics
Last synced: 28 Jan 2025
https://github.com/mohammad95labbaf/brain-tumor-transferlearning
The Brain Tumor MRI Dataset from Kaggle is employed for automated brain tumor detection and classification research. Investigated methods include using pre-trained models (VGG16, ResNet50, and ViT). 🧠🔍
cnn cnn-keras deep-learning deep-neural-networks deeplearning kaggle-dataset keras keras-tensorflow neural-network neural-networks pretrained-models resnet-50 transfer-learning tumor-classification tumor-detection vgg16 vision vision-transformer vit
Last synced: 13 Jan 2025
https://github.com/arkapg211002/sem-7-cse
Books and Organizers for Sem 7 CSE
books deep-neural-networks machine-learning operations-research organizer project-management
Last synced: 15 Jan 2025
https://github.com/toby-sanders-101/mydigits
Everything needed to create a AI bot that can read images
deep-neural-networks image-classification matplotlib numpy opencv pyautogui python
Last synced: 15 Jan 2025
https://github.com/koushik-elite/image-segmentation
Image Segmentation Sample using pytorch
computer-vision deep-learning deep-neural-networks image-recognition image-segmentation object-detection python3 pytorch rcnn
Last synced: 22 Jan 2025
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/md-emon-hasan/ml-project-fake-news-prediction-using-deep-learning-with-7-types-lstm
📰 The Fake News Detection System uses deep learning techniques, specifically LSTM models, to classify news articles as real or fake.
ai cnn data-engineering data-science deep-learning deep-neural-networks fake-news gru keras keras-tensorflow lstm machine-learning machinelearning neural-network news-application news-classification predictive-modeling rnn tensorflow text-classification
Last synced: 28 Jan 2025
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/oscardelgado02/signal-detection-and-classification-dl-model
Deep Learning project that uses yolov5 to detect and classify traffic signals in videos.
deep-learning deep-neural-networks object-detection object-recognition traffic traffic-sign-classification traffic-sign-detection traffic-sign-recognition traffic-signs yolo yolov5
Last synced: 16 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/ahmad-ali-rafique/handwritten-digit-recognition-mnist
This project demonstrates a complete pipeline for recognizing handwritten digits using the MNIST dataset. The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation of a Fully Connected Neural Network (FCNN).
ai artificial-intelligence data data-analysis datascience deep-learning deep-neural-networks fcnn fully-connected-network machine-learning machine-learning-algorithms ml modeling
Last synced: 16 Jan 2025
https://github.com/ahmad-ali-rafique/weather-prediction-fcnn
This project demonstrates a complete pipeline for weather prediction using a Fully Connected Neural Network (FCNN). The project is implemented in Python using Jupyter Notebook, and it covers data loading, preprocessing, model training, and performance evaluation.
ai artificial-intelligence data-analysis data-science deep-learning deep-neural-networks fully-connected-network machine-learning machine-learning-algorithms weather-information
Last synced: 16 Jan 2025
https://github.com/s-4-m-a-n/365-days-of-ml-challange
Welcome to the 365DaysML Challenge repository! 🚀
100-days-ml-challenge 100daysofpython 365daysofcode 365daysofmachinelearning ai computer-vision daily-learning deep-learning deep-neural-networks generative-ai machine-learning mlops natural-language-processing nlp research-paper tensorflow2
Last synced: 28 Jan 2025
https://github.com/ashkarin/ndpatch
Package to extract arbitrary regions from an N-dimensional numpy array assuming it mirrored infinitely.
array data-structures deep-neural-networks image-processing numpy patches region-of-interest
Last synced: 31 Jan 2025
https://github.com/dhrupad17/100-days-of-deep-learning
Its the practice repository covering all the concepts @campusx-official has covered in his playlist in much detailed way.
cnn deep-learning deep-neural-networks lstm-neural-networks mlp-networks perceptron rnn
Last synced: 16 Jan 2025
https://github.com/abhiramdodda/two-stage-plant-diesease-detection
In this repo a two stage plant disease detection is introduced which reduces time required for training and gives greater accuracy.
deep-neural-networks efficientnet image-processing tensorflow
Last synced: 12 Jan 2025
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: 28 Jan 2025
https://github.com/milankinen/c2w2c
C2W2C language model from my Master's Thesis
deep-learning deep-neural-networks keras nlp recurrent-neural-networks theano
Last synced: 19 Jan 2025
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 Jan 2025
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 Jan 2025
https://github.com/blakeziegler/nfl-ai
Sports AI featuring Deep Learning Neural Networks from Scratch with Momentum Optimization
artificial-intelligence-algorithms artificial-neural-networks calculus deep-neural-networks linear-algebra neural-network numpy prediction-model sports statistics
Last synced: 16 Jan 2025
https://github.com/chaitanyak77/comparative-study-tensorflow-vs.-custom-neural-network-models
This repository presents a comprehensive comparative study that delves into the weights and biases of both inbuilt and custom-built Sequential Neural Network (SNN) models. The primary objective is to gain a deeper understanding of the differences and nuances between these two approaches.
custom-neural-network-training deep-neural-networks neural-network snn
Last synced: 16 Jan 2025
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: 28 Jan 2025
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/jeronymous/deep_learning_notebooks
Self-containing notebooks to play simply with some particular concepts in Deep Learning
artificial-intelligence artificial-neural-networks automatic-speech-recognition deep-learning deep-neural-networks machine-learning natural-language-processing speech-recognition speech-to-text tokenization tokenizer-nlp tokenizers
Last synced: 04 Feb 2025
https://github.com/justanhduc/spatial-transformer-network
A Theano implementation of the paper "Spatial Transformer Networks" by Jaderberg et al..
computer-vision deep-learning deep-neural-networks spatial-transformer-network theano
Last synced: 04 Feb 2025
https://github.com/justanhduc/multar
The official implementation of the ICASSP paper "A simple way of multimodal and arbitrary style transfer"
deep-learning deep-neural-networks python style-transfer theano
Last synced: 04 Feb 2025
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/karan-malik/simplegans
Using a GAN implemented with Keras to generate images similar to the MNIST Dataset
cnn cnn-keras data-science datagenerator deep-learning deep-neural-networks gan gan-keras gan-tensorflow gans keras machine-learning python python3 tensorflow tensorflow2
Last synced: 14 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/arif-miad/introduction-to-open-cv
Computer vision is a field of study focused on enabling computers to interpret and understand the visual world. OpenCV provides a comprehensive set of tools and algorithms for various tasks in computer vision, including image and video processing, object detection and tracking, facial recognition, augmented reality, and mor
data-science deep-neural-networks
Last synced: 14 Jan 2025
https://github.com/arif-miad/titanic-analysis
artificial-intelligence data data-science deep-neural-networks
Last synced: 14 Jan 2025
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/dhairyac/cutlery-image-classification
Use transfer learning for large image classification
deep-learning deep-neural-networks fine-tuning image-processing imagenet-classifier keras transfer-learning xception-model
Last synced: 22 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/jash271/beans_disease_classifier
Classifier to predict whether a plant is infected if so which diseases does it have
cnn-keras deep-neural-networks image-classification tensorflow-tutorials tensorflow2 transfer-learning
Last synced: 24 Jan 2025
https://github.com/zubair-irshad/udacity_deep_rl
My solutions (with explanations) to the Udacity Deep Reinforcement Learning Nano Degree Program assignments, mini-projects and projects
ddpg-algorithm deep-neural-networks deep-q-network deep-reinforcement-learning dqn ppo pytorch reinforcement-learning unity-ml-agents
Last synced: 16 Jan 2025
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/ganeshborkar31/equity_market
Developed a stock market analysis and prediction tool using neural networks and Prophet, achieving an average 0.85 R² score , providing accurate and real-time insights via Streamlit. This helps investors to enhances investment strategies.
api-gateway deep-neural-networks finance machine-learning stock-analysis stock-market streamlit-webapp time-series time-series-analysis time-series-forecasting yfinance-api
Last synced: 11 Feb 2025
https://github.com/gokulnpc/fashion-mnist-gan
This script outlines the implementation of a Generative Adversarial Network (GAN) designed to generate fashion images using the Fashion MNIST dataset. The GAN consists of a generator and a discriminator, which are trained simultaneously in an adversarial manner.
deep-learning deep-neural-networks fashion-mnist generative-adversarial-network
Last synced: 02 Feb 2025
https://github.com/heinrichi/facerecognitionwpf
FaceRecognitionWPF
c-sharp deep-learning deep-neural-networks face-detection face-recognition machine-learning wpf
Last synced: 27 Jan 2025
https://github.com/faizantkhan/deep-learning
Unlock deep learning's secrets! Dive into fundamentals, master advanced techniques, and ignite creativity with hands-on projects. Join a vibrant community, push boundaries, and unleash AI's full potential. Begin your journey now!
advanced-programming ai aiml beginner-friendly deep-learning deep-learning-algorithms deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning keras-tensorflow machine-learning-algorithms machinelearning-python neural-networks open-source opencv python python-library tensorflow yolo
Last synced: 15 Jan 2025
https://github.com/jsdhami/data-science-with-python
Data Science With Python->Target: AI/ML
ai articicial-inteligence deep-learning deep-neural-networks mathematics-machine-learning matplotlib ml numpy pandas python pytourch statistics tensorflow
Last synced: 05 Feb 2025
https://github.com/poodarchu/models.tf
papers implementation during learning dl and tensorflow.
deep-neural-networks tensorflow transfer-learning
Last synced: 28 Jan 2025
https://github.com/cyrildever/neural-networks-and-deep-learning-in-golang
Code adaptation of "Neural Networks and Deep Learning" book in Go
deep-learning deep-neural-networks golang neural-networks
Last synced: 22 Jan 2025
https://github.com/mkturkcan/constellation-web
Website for the Constellation Dataset project.
computer-vision dataset deep-learning deep-neural-networks object-detection pretrained-models traffic urban-data-science urban-planning
Last synced: 22 Dec 2024
https://github.com/idwessough/autonomous-driving
Autonomous Driving behaviour for a 4 wheel drive robot vehicle using AI and ROS to drive autonomously in a scaled city
artificial-intelligence computer-vision deep-neural-networks object-recognition robot-framework robotics ros2
Last synced: 22 Jan 2025
https://github.com/ahammadmejbah/understanding-convolutional-layers
Convolutional layers are a type of neural network layer primarily used in deep learning models for processing data that has a grid-like topology, such as images.
deep-learning deep-learning-tutorial deep-neural-networks deep-reinforcement-learning deeplearning
Last synced: 09 Jan 2025
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/sreeeswaran/text-generation-using-t5
This project demonstrates the use of Transformers for text generation using the T5 model. The project includes the necessary code for training the model on a custom dataset and generating new text.
ai artificial-intelligence artificial-neural-networks deep-learning deep-neural-networks neural-networks t5 t5-model text-generation text-generation-using-t5 text-to-text text-to-text-generation text-to-text-transfer-transformer text-to-text-transformer tranformers
Last synced: 22 Jan 2025
https://github.com/amlanmohanty1/face-recognition-attendance-management-system-with-powerbi-dashboard
Face Recognition based Attendance Management System with a Flask web application and Power BI attendance dashboard.
attendance-management-system deep-neural-networks dlib-face-recognition face-recoginition flask opencv opencv-python power-bi power-bi-dashboard powerbi powerbi-report python sqlite3
Last synced: 16 Jan 2025
https://github.com/jefferyustc/miscan_cli
MiScan: mutation-inferred screening model of cancer | Apache Software License
bioinformatics deep-learning deep-neural-networks
Last synced: 21 Jan 2025
https://github.com/aim-harvard/aimi_alpha
AIMI (alpha).
cloud-computing deep-learning deep-neural-networks medical-image-processing medical-imaging
Last synced: 20 Nov 2024
https://github.com/veeqtoh/corossion-detection
Welcome to Underwater Corossion Detection! In this project, I will use Python to manipulate complex data streams (mainly images) and present classification results based on state-of-the-art machine learning methods.
deep-learning deep-neural-networks image-classification image-processing image-recognition
Last synced: 29 Jan 2025
https://github.com/ashraf-khabar/licence-plate-recognition
About The realization of a radar system for the detection of vehicle license plates is an innovative and ambitious technological project that aims to improve road safety and facilitate the identification of vehicles in traffic
ai deep-learning deep-neural-networks flask flask-api machine-learning machine-learning-algorithms oracle-database oracle-db python python3 shell sql tensorflow
Last synced: 21 Jan 2025
https://github.com/mostafanabieh/data-augmentation
Data augmentation by Tensorflow v2
deep deep-learning deep-neural-networks deeplearning tensorflow tensorflow-examples tensorflow-models tensorflow-tutorials tensorflow2
Last synced: 16 Jan 2025
https://github.com/ondrejbiza/tfset
Interactive Tensorflow training.
deep-learning deep-neural-networks machine-learning tensorflow tensorflow-experiments
Last synced: 21 Dec 2024
https://github.com/easonlai/tensorflow_covid-19_classification_by_chest_x-ray
Tensorflow COVID-19 Classification by Chest X-Ray
cnn cnn-classification cnn-model convolutional-neural-networks deep-learning deep-neural-networks deeplearning densenet healthcare keras keras-tensorflow machine-learning machinelearning medical medical-image-processing medical-imaging tensorflow tensorflow-examples tensorflow-tutorials tensorflow2
Last synced: 21 Dec 2024
https://github.com/norman-thomas/coursera-deep-learning
My implementation of assignments of the Coursera Deep Learning course and specialization
artificial-intelligence coursera deep-learning deep-neural-networks neural-networks
Last synced: 09 Jan 2025
https://github.com/aezata/fashion_mnist-keras-model
A simple Fashion_mnist Keras model that I coded.
deep-learning deep-neural-networks fashion-mnist keras keras-models keras-neural-networks
Last synced: 21 Dec 2024
https://github.com/ostaptan/nqg
Neural Question Generator
deep-neural-networks machine-intelligence nlp tensorflow
Last synced: 19 Jan 2025
https://github.com/michaelradu/tinytensor
⚡TinyTensor is a lightweight open-source deep learning library built from scratch in Python, inspired by Joel Grus' approach.
ai deep-learning deep-learning-algorithms deep-neural-networks deep-reinforcement-learning deeplearning deeplearning-ai machine-learning machine-learning-algorithms machine-learning-library machinelearning-python neural-network python python3
Last synced: 29 Jan 2025
https://github.com/travelxml/tensorflow-and-keras-sentiment-analysis-using-rnn
NLP: Sentiment Analysis using TensorFlow and Keras: This project implements a Recurrent Neural Network (RNN) to classify Amazon product reviews into different sentiment categories. It leverages text preprocessing, tokenization, and model training to predict the sentiment with high accuracy.
deep-learning deep-neural-networks deeplearning keras keras-tensorflow nlp rnn rnn-tensorflow sentiment-analysis tenserflow
Last synced: 21 Dec 2024
https://github.com/wahidpanda/car-tracking-open-cv
This project is about computer vision technology using to detect number of cars on highway
cartracking computer-vision deep-neural-networks opencv python-script pythonprojects
Last synced: 21 Jan 2025
https://github.com/e0xextazy/dog_breeds_clf
Trained the ResNet50 model from scratch on the imagewoof dataset. Reached 83% accuracy
classification classifier classifier-model deep-learning deep-neural-networks imagenette imagewoof resnet resnet-18 resnet-34 resnet-50 resnet50
Last synced: 24 Jan 2025
https://github.com/rambodrahmani/deep-learning
Final project for the Computational Intelligence and Deep Learning course at University of Pisa.
convolutional-neural-networks deep-learning deep-neural-networks keras keras-neural-networks keras-tensorflow point-cloud pointcloud pointclouds tensorflow2
Last synced: 29 Dec 2024