Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

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.

https://github.com/vidhi1290/cyclegan-implementation-for-image-to-image-translation

🖼️ Our CycleGAN Implementation for Image-to-Image Translation project leverages PyTorch to seamlessly transform images between domains, all without paired examples. With a keen focus on innovation and effectiveness, we've explored CycleGAN's capabilities across various domains. Join us as we delve into the world of image translation technology! 🚀

artificial-intelligence cycle-gan deep-learning deep-neural-networks gan github-config machine-learning numpy pillow python pytorch torchvision unsupervised-learning

Last synced: 02 Feb 2025

https://github.com/rhazra-003/image_classifier

A MATLAB based model which uses transfer learning to train a deep network that can classify images of flowers into one of 12 species.

alexnet deep-learning deep-neural-networks matlab

Last synced: 25 Jan 2025

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 Jan 2025

https://github.com/atapas/ml-greenroots

ml-greenroots is a Pet project to run ML in the Browser using various libraries and frameworks available. How about a ⭐️?

deep-neural-networks gatsby gatsbyjs machine-learning ml5js netlify react reactjs

Last synced: 14 Oct 2024

https://github.com/camara94/convolutional-neural-networks

Implement the foundational layers of CNNs (pooling, convolutions) and stack them properly in a deep network to solve multi-class image classification problems.

cnn-keras deep-neural-networks keras tensorflow

Last synced: 23 Dec 2024

https://github.com/shivamgupta92/signlang_action_recognition

This project utilizes action recognition and deep learning with OpenCV, MediaPipe, and Inception_ResNet for real-time sign language detection. This tool empowers users to interpret diverse sign gestures accurately, fostering inclusivity

cnn-keras deep-neural-networks keras nlp python3 resnet-50 tensorflow

Last synced: 11 Jan 2025

https://github.com/dilumdesilva/daugmentor

DAugmentor: Automating Generative Adversarial Network Tuning for Data Augmentation

data-generation deep-learning deep-neural-networks gan

Last synced: 28 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/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/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/thecoderpinar/hms-brainactivity-analysiss

Welcome to the GitHub repo for "HMS - EEG Exploration & Neurocritical Care Journey"! Explore EEG data, understand wave patterns, and delve into conditions like LPDs, GPDs, LRDA, and GRDA.

critical-care data-analysis data-science data-visualization deep-neural-networks eeg eeg-signals exploratory-data-analysis healthcare medical-research neuroscience signal-processing

Last synced: 16 Dec 2024

https://github.com/mishig25/adversarial-reprogramming-keras

Keras implementation of Adversarial Reprogramming of Neural Networks

deep-learning deep-neural-networks

Last synced: 14 Dec 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: 19 Jan 2025

https://github.com/jmaces/torch-adf

PyTorch implementation of Assumed Density Filtering (ADF) based probabilistic neural networks

deep-learning deep-neural-networks machine-learning probabilistic-models pytorch torch

Last synced: 03 Feb 2025

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 Jan 2025

https://github.com/aravinda-1402/link-quality-prediction-for-lte-and-wifi-networks

This is study primarily deals with classifying the future link qualities using deep learning models such as Long Short-Term Memory networks (LSTM) and Bidirectional Long Short-Term Memory networks (BLSTM).

blstm deep-learning deep-neural-networks lstm wireless-sensor-networks

Last synced: 19 Jan 2025

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/harshal306/chest_xray_disease_detection

Helps in predicting the Pneumonia by the convolutional neural network over the images of chest x rays.

cnn-classification deep-neural-networks python tensorflow-models

Last synced: 12 Jan 2025

https://github.com/vidhi1290/image-inpainting

🎨 Restore images flawlessly with our Image Inpainting Showcase! Using Convolutional Neural Networks, we revive corrupted parts. Explore code, models, and innovation for visual perfection. Join the AI journey of artistry and magic! 🖼️🔮 #ImageInpainting

artificial-intelligence artificial-neural-networks cifar10 computer-vision datascience datavisualization deep-learning deep-neural-networks humanfacedetection image-inpainting kaggle lfw-dataset machine-learning machine-learning-algorithms mnist-handwriting-recognition neural-networks python

Last synced: 02 Feb 2025

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/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/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/daelsepara/deeplearningjs

AngularJS (1.7.x) implementation of the DeepNeuralNetworkClassifier project

angularjs deep-learning deep-neural-networks

Last synced: 29 Dec 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/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/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/rakshit-shetty/pothole-detection

A pothole detection DL algorithm using Yolo v2 and Tensorflow

deep-neural-networks pothole-detection tensorflow yolov2

Last synced: 26 Jan 2025

https://github.com/justanhduc/neuralnet

A high level framework for general purpose neural networks in Theano.

convolutional-neural-networks deep-learning deep-neural-networks neural-network python2 theano

Last synced: 22 Dec 2024

https://github.com/sreeeswaran/nst-for-artistic-image-creation

This project focuses on Neural Style Transfer (NST), a technique that applies the style of one image to the content of another image, creating a new, stylized image. NST leverages deep learning models, particularly Convolutional Neural Networks (CNNs), to extract and combine the content and style features of images.

artificial-intelligence artificial-neural-networks cnn cnn-model convolutional-neural-networks deep-learning deep-neural-networks image-generation machine-learning models neural-networks neural-style-transfer nst

Last synced: 22 Jan 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/librauee/squirtle

To get the material of squirtle, which is one of the most famous emoticon. 通过机器学习的方法获取全网最全的杰尼龟表情包素材!

deep-neural-networks emoticon machine-learning

Last synced: 02 Jan 2025

https://github.com/marcogdepinto/dogs-vs-cats

Deep learning to classify if a picture contains a Dog or a Cat using Python, OpenCV, Keras.

deep-learning deep-learning-tutorial deep-neural-networks image-classification keras numpy opencv python python3

Last synced: 06 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/sque/mynn

Playground for Neural Networks

deep-neural-networks machine-learning python python3

Last synced: 20 Jan 2025

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/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/wwwwwydev/pen-stroke-segmentation

基于深度学习中全卷积网络的字体笔划分割(汉字笔画分割)解决方案 A Solution for Font Stroke Segmentation (Stroke Segmentation) Based on Fully Convolutional Networks in Deep Learning

deep-learning deep-neural-networks pen-strokes python pytorch

Last synced: 11 Jan 2025

https://github.com/joshua-dias-barreto/cifar10-using-cnns

A Convolutional Neural Network ( CNN ) is designed and trained to identify whether an image is an airplane, car, bird, cat, deer, dog, frog, horse, ship or a truck

cifar10 cnn-keras colab-notebooks deep-neural-networks machine-learning tensorflow visualization

Last synced: 11 Jan 2025

https://github.com/andythefactory/fakenewsdataset

a consolidated and cleaned up fake news dataset classified in the following categories: reliable, unreliable, political, bias, fake, conspiracy, rumor clickbait, junk science, satire, hate

datasets deep-learning deep-neural-networks disinformation fake-news fake-news-analysis fake-news-articles fake-news-challenge fake-news-classification fake-news-dataset fake-news-detection misinformation

Last synced: 27 Dec 2024

https://github.com/geo-y20/standard-ocr-

Explore the Standard OCR Project: a deep learning-based character recognition system leveraging advanced computer vision techniques. Detect characters in images using ResNet, Xception, Inception, and MobileNet models. Train, evaluate, and contribute to this cutting-edge technology.

css deep-learning deep-neural-networks flask html javascript jupyter-notebook keras ocr-recognition ocr-text-reader python resnet tensorflow xception

Last synced: 08 Jan 2025

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: 23 Jan 2025

https://github.com/aabduvak/object-detection-setup

The YOLOv8 Object Detection Setup allows users to perform real-time object detection using the YOLOv8 algorithm. The project is designed for simplicity and convenience, enabling users to run their models seamlessly and obtain output videos with detected objects.

computer-vision deep-neural-networks object-detection opencv yolov8

Last synced: 08 Jan 2025

https://github.com/furk4neg3/inception_v1-googlenet

Replication of Going Deeper with Convolutions paper using TensorFlow, with one example of how to use it. This model is mainly used for image classification problems.

artificial-intelligence computer-vision deep-learning deep-neural-networks image-classification machine-learning tensorflow

Last synced: 13 Jan 2025

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/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/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/marx-wrld/mnist-character-recognition

Digital classification and Character Recognition using Tensorflow and the MNIST dataset

deep-neural-networks mnist-dataset tensorflow

Last synced: 12 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/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/papapana/face-generation

Face Generation using Generative Adversarial Networks (GANs)

deep-learning deep-neural-networks gan generative-adversarial-network pytorch

Last synced: 13 Jan 2025