pradyyadav's Stars
sukritishah15/Resources-Interview_Prep
Contains links to Video and Text Resources for Interview Preparation
willettk/workshop
AI and Machine Learning with Kubeflow, Amazon EKS, and SageMaker
eugeneyan/ml-surveys
📋 Survey papers summarizing advances in deep learning, NLP, CV, graphs, reinforcement learning, recommendations, graphs, etc.
mrdbourke/tensorflow-deep-learning
All course materials for the Zero to Mastery Deep Learning with TensorFlow course.
eugeneyan/applied-ml
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
sudharsan13296/Getting-Started-with-Google-BERT
Build and train state-of-the-art natural language processing models using BERT
noobknights/highlightem
Chrome extension to highlight most relevant item based on your search.
xslittlegrass/CarND-Vehicle-Detection
Vehicle detection using YOLO in Keras runs at 21FPS
kingardor/YOLOv4-OpenCV-CUDA-DNN
Run YOLOv4 directly with OpenCV using the CUDA enabled DNN module.
RheagalFire/CUDA_Programming
Executing Operations in Parallel using GPU with the help of CUDA
krishnaik06/Interview-Prepartion-Data-Science
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.
LearnedVector/A-Hackers-AI-Voice-Assistant
A hackers AI voice assistant, built using Python and PyTorch.
aladdinpersson/Machine-Learning-Collection
A resource for learning about Machine learning & Deep Learning
ankushj8/Accident-Detection-Using-Deep-Learning
Scripts for our minor project
Ashish013/Image-n-Video-Filters
A bottom-up built python package that provides 15 + unique image and video filters.
adeshpande3/Generative-Adversarial-Networks
Tutorial on GANs
susanli2016/Machine-Learning-with-Python
Python code for common Machine Learning Algorithms
arosh1909/FacialRecognitionBasedAutoAttendance
Convolutional Neural Network based Automated Attendance System by using Facial RecognitionDomain
RheagalFire/L2-Regularization
The Ridge Regression Method of Regularization
zotroneneis/machine_learning_basics
Plain python implementations of basic machine learning algorithms
himahuja/Research-Internships-for-Undergraduates
List of Research Internships for Undergraduate Students
cassidoo/getting-a-gig
Guide for getting a gig as a tech student.
leriomaggio/deep-learning-keras-tensorflow
Introduction to Deep Neural Networks with Keras and Tensorflow
ashishpatel26/Real-time-ML-Project
A curated list of applied machine learning and data science notebooks and libraries across different industries.
ashishpatel26/500-AI-Machine-learning-Deep-learning-Computer-vision-NLP-Projects-with-code
500 AI Machine learning Deep learning Computer vision NLP Projects with code
noobknights/askdoc
A web app suggesting probable disease based on user's symptoms (with probability score) and location of nearby hospitals on an in-built map.
jeffheaton/t81_558_deep_learning
T81-558: Keras - Applications of Deep Neural Networks @Washington University in St. Louis
RheagalFire/Neural-Network-from-Scratch-in-TensorFlow
Bulding SimpleNeuralNetworks from scratch(in Tensorflow) and computing loss and gradient functions
scikit-learn-contrib/boruta_py
Python implementations of the Boruta all-relevant feature selection method.