Projects in Awesome Lists by curiousily
A curated list of projects in awesome lists by curiousily .
https://github.com/curiousily/getting-things-done-with-pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BER
anomaly-detection bert computer-vision coronavirus deep-learning face-detection face-recognition lstm machine-learning nlp object-detection pytorch sentiment-analysis time-series time-series-anomaly-detection time-series-forecasting transfer-learning transformer tutorial yolo
Last synced: 15 May 2025
https://github.com/curiousily/Getting-Things-Done-with-Pytorch
Jupyter Notebook tutorials on solving real-world problems with Machine Learning & Deep Learning using PyTorch. Topics: Face detection with Detectron 2, Time Series anomaly detection with LSTM Autoencoders, Object Detection with YOLO v5, Build your first Neural Network, Time Series forecasting for Coronavirus daily cases, Sentiment Analysis with BER
anomaly-detection bert computer-vision coronavirus deep-learning face-detection face-recognition lstm machine-learning nlp object-detection pytorch sentiment-analysis time-series time-series-anomaly-detection time-series-forecasting transfer-learning transformer tutorial yolo
Last synced: 06 Apr 2025
https://github.com/curiousily/get-things-done-with-prompt-engineering-and-langchain
LangChain & Prompt Engineering tutorials on Large Language Models (LLMs) such as ChatGPT with custom data. Jupyter notebooks on loading and indexing data, creating prompt templates, CSV agents, and using retrieval QA chains to query the custom data. Projects for using a private LLM (Llama 2) for chat with PDF files, tweets sentiment analysis.
artificial-intelligence chatgpt deep-learning gpt-4 gpt4 langchain language-models large-language-models llama2 openai prompt-engineering python
Last synced: 08 Apr 2025
https://github.com/curiousily/Get-Things-Done-with-Prompt-Engineering-and-LangChain
LangChain & Prompt Engineering tutorials on Large Language Models (LLMs) such as ChatGPT with custom data. Jupyter notebooks on loading and indexing data, creating prompt templates, CSV agents, and using retrieval QA chains to query the custom data. Projects for using a private LLM (Llama 2) for chat with PDF files, tweets sentiment analysis.
artificial-intelligence chatgpt deep-learning gpt-4 gpt4 langchain language-models large-language-models llama2 openai prompt-engineering python
Last synced: 12 Mar 2025
https://github.com/curiousily/Deep-Learning-For-Hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
anomaly-detection artificial-intelligence autoencoders bert deep-learning image-augmentation intent-recognition jupyter-notebooks keras lstms machine-learning neural-networks object-detection python sentiment-analysis tensorflow tensorflow-tutorial time-series-classification time-series-forecasting
Last synced: 05 May 2025
https://github.com/curiousily/deep-learning-for-hackers
Machine Learning tutorials with TensorFlow 2 and Keras in Python (Jupyter notebooks included) - (LSTMs, Hyperameter tuning, Data preprocessing, Bias-variance tradeoff, Anomaly Detection, Autoencoders, Time Series Forecasting, Object Detection, Sentiment Analysis, Intent Recognition with BERT)
anomaly-detection artificial-intelligence autoencoders bert deep-learning image-augmentation intent-recognition jupyter-notebooks keras lstms machine-learning neural-networks object-detection python sentiment-analysis tensorflow tensorflow-tutorial time-series-classification time-series-forecasting
Last synced: 12 Apr 2025
https://github.com/curiousily/ai-bootcamp
Self-paced bootcamp on Generative AI. Tutorials on ML fundamentals, LLMs, RAGs, LangChain, LangGraph, Fine-tuning Llama 3 & AI Agents (CrewAI)
artificial-intelligence chatgpt crewai langchain langgraph large-language-models llama machine-learning prompt-engineering rag
Last synced: 15 May 2025
https://github.com/curiousily/Credit-Card-Fraud-Detection-using-Autoencoders-in-Keras
iPython notebook and pre-trained model that shows how to build deep Autoencoder in Keras for Anomaly Detection in credit card transactions data
anomaly-detection autoencoders credit-card-fraud deep-learning keras tensorflow tensorflow-tutorial
Last synced: 14 Mar 2025
https://github.com/curiousily/credit-card-fraud-detection-using-autoencoders-in-keras
iPython notebook and pre-trained model that shows how to build deep Autoencoder in Keras for Anomaly Detection in credit card transactions data
anomaly-detection autoencoders credit-card-fraud deep-learning keras tensorflow tensorflow-tutorial
Last synced: 05 Apr 2025
https://github.com/curiousily/AI-Bootcamp
Self-paced bootcamp on Generative AI. Tutorials on ML fundamentals, LLMs, RAGs, LangChain, LangGraph, Fine-tuning Llama 3 & AI Agents (CrewAI)
artificial-intelligence chatgpt crewai langchain langgraph large-language-models llama machine-learning prompt-engineering rag
Last synced: 06 Jan 2025
https://github.com/curiousily/Deploy-BERT-for-Sentiment-Analysis-with-FastAPI
Deploy BERT for Sentiment Analysis as REST API using FastAPI, Transformers by Hugging Face and PyTorch
bert deep-learning deploy-machine-learning deployment fastapi huggingface huggingface-transformer machine-learning python pytorch rest rest-api sentiment-analysis transformers uvicorn
Last synced: 04 Dec 2024
https://github.com/curiousily/deploy-bert-for-sentiment-analysis-with-fastapi
Deploy BERT for Sentiment Analysis as REST API using FastAPI, Transformers by Hugging Face and PyTorch
bert deep-learning deploy-machine-learning deployment fastapi huggingface huggingface-transformer machine-learning python pytorch rest rest-api sentiment-analysis transformers uvicorn
Last synced: 24 Apr 2025
https://github.com/curiousily/TensorFlow-on-Android-for-Human-Activity-Recognition-with-LSTMs
iPython notebook and Android app that shows how to build LSTM model in TensorFlow and deploy it on Android
android deep-learning lstm tensorflow tensorflow-tutorial
Last synced: 08 Apr 2025
https://github.com/curiousily/tensorflow-on-android-for-human-activity-recognition-with-lstms
iPython notebook and Android app that shows how to build LSTM model in TensorFlow and deploy it on Android
android deep-learning lstm tensorflow tensorflow-tutorial
Last synced: 08 May 2025
https://github.com/curiousily/machine-learning-from-scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
artificial-intelligence book classification data-science machine-learning machine-learning-algorithms neural-networks notebook recommender-systems regression reinforcement-learning sentiment-analysis
Last synced: 07 May 2025
https://github.com/curiousily/Machine-Learning-from-Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
artificial-intelligence book classification data-science machine-learning machine-learning-algorithms neural-networks notebook recommender-systems regression reinforcement-learning sentiment-analysis
Last synced: 27 Nov 2024
https://github.com/curiousily/ragbase
Completely local RAG. Chat with your PDF documents (with open LLM) and UI to that uses LangChain, Streamlit, Ollama (Llama 3.1), Qdrant and advanced methods like reranking and semantic chunking.
langchain llama3 llm pdf rag retrieval-augmented-generation streamlit
Last synced: 15 Apr 2025
https://github.com/curiousily/cryptogpt-crypto-twitter-sentiment-analysis-with-chatgpt-and-langchain
Streamlit application that leverages ChatGPT and LangChain to analyze tweet sentiment from selected Twitter authors.
chatgpt cryptocurrency langchain python sentiment-analysis streamlit twitter
Last synced: 26 Apr 2025
https://github.com/curiousily/CryptoGPT-Crypto-Twitter-Sentiment-Analysis-with-ChatGPT-and-LangChain
Streamlit application that leverages ChatGPT and LangChain to analyze tweet sentiment from selected Twitter authors.
chatgpt cryptocurrency langchain python sentiment-analysis streamlit twitter
Last synced: 04 Dec 2024
https://github.com/curiousily/deploy-keras-deep-learning-model-with-flask
Build Deep Neural Network model in Keras and deploy a REST API to production with Flask on Google App Engine
airbnb deep-learning google-appengine jupyter-notebook keras machine-learning neural-network price-prediction python regression rest-api scikit-learn tensorflow
Last synced: 26 Apr 2025
https://github.com/curiousily/hackers-guide-to-deep-learning
Tutorials on how to engineer Machine Learning projects using Deep Neural Networks with PyTorch and Python
deep-learning machine-learning machine-learning-api machine-learning-deploy machine-learning-engineering neural-networks python pytorch
Last synced: 26 Apr 2025
https://github.com/curiousily/percipio
Easy Data science (Machine learning) in JavaScript & Node (Multi-armed bandits, Naive Bayes)
Last synced: 26 Apr 2025
https://github.com/curiousily/masterylistgpt-chat-with-your-todo-list-with-langchain-and-chatgpt
Streamlit app for scheduling habits and interacting with your schedule using ChatGPT and LangChain
chat-gpt chatgpt langchain llm prompt-engineering python
Last synced: 26 Apr 2025
https://github.com/curiousily/MasteryListGPT-Chat-with-your-ToDo-List-with-LangChain-and-ChatGPT
Streamlit app for scheduling habits and interacting with your schedule using ChatGPT and LangChain
chat-gpt chatgpt langchain llm prompt-engineering python
Last synced: 04 Dec 2024
https://github.com/curiousily/reproducible-ml-with-dvc
Tutorial on experiment tracking and reproducibility for Machine Learning projects with DVC
deep-learning dvc experiment-tracking linear-regression machine-learning metrics python random-forest reproducibility scikit-learn tracking
Last synced: 26 Apr 2025
https://github.com/curiousily/Reproducible-ML-with-DVC
Tutorial on experiment tracking and reproducibility for Machine Learning projects with DVC
deep-learning dvc experiment-tracking linear-regression machine-learning metrics python random-forest reproducibility scikit-learn tracking
Last synced: 04 Dec 2024
https://github.com/curiousily/todo-list-icon-classification-with-tensorflow-js
Use ReactJS and TensorFlow to suggest icons based on text in a ToDo list app
deep-learning javascript neural-network react reactjs tensorflow tensorflowjs text-classification
Last synced: 26 Apr 2025
https://github.com/curiousily/how-to-predict-bitcoin-prices-using-lstms-in-keras
Last synced: 26 Apr 2025
https://github.com/curiousily/logistic-regression-with-tensorflow-js
Predict diabetes disease using a Logistic Regression with TensorFlow.js
artificial-intelligence logistic-regression machine-learning machine-learning-tutorial tensorflow-js tensorflowjs
Last synced: 26 Apr 2025
https://github.com/curiousily/customer-churn-detection-with-tensorflow-js
Customer churn prediction using Neural Networks with TensorFlow.js
customer-churn-prediction deep-learning javascript neural-networks tensorflow
Last synced: 26 Apr 2025
https://github.com/curiousily/ml-in-the-browser-for-hackers-with-tensorflow-js
Machine Learning examples for beginners showing how to use TensorFlow.js in the browser
data-science linear-regression machine-learning tensorflow-js tensorflow-tutorials tensorflowjs
Last synced: 26 Apr 2025
https://github.com/curiousily/linear-regression-with-tensorflow-js
Build a Linear Regression model using TensorFlow.js and use to predict house prices
artificial-intelligence data-science javascript linear-regression machine-learning tensorflow tensorflowjs
Last synced: 26 Apr 2025
https://github.com/curiousily/simple-neural-network-with-tensorflow-js
Build a simple Neural Network model in TensorFlow.js to make a laptop buying decision. Learn why Neural Networks need activation functions and how should you initialize their weights.
artificial-intelligence data-science deep-learning javascript machine-learning neural-networks tensorflow
Last synced: 26 Apr 2025
https://github.com/curiousily/mcmc-football-prediction
Predict football season outcomes using MCMC simulations
Last synced: 26 Apr 2025
https://github.com/curiousily/be-a-beast
The No BS guide to get strong, lose fat and build muscle
bodybuilding exercise fitness muscle powerlifting strength tutorial weightlifting weightloss
Last synced: 26 Feb 2025
https://github.com/curiousily/simple-quiz
True/false quiz for Android/iOS written in Cocos2d-x
Last synced: 26 Apr 2025
https://github.com/curiousily/glow-flow
Puzzle game (similar to Flow) for iOS/Android written in Cocos2d-x
Last synced: 26 Feb 2025
https://github.com/curiousily/alien-vs-predator-tensorflow-js-classification
Build a simple Convolutional Neural Network with TensorFlow.js and use it to classify images of Aliens and Predators
convolutional-neural-networks data-science deep-learning javascript machine-learning neural-networks tensorflow
Last synced: 26 Feb 2025
https://github.com/curiousily/storable
Store Manager. Example using WPF, Entity Framework 4.2 and other stuff. University related project
Last synced: 26 Feb 2025
https://github.com/curiousily/trackme
Track profile/personal activities of others. University related project
Last synced: 26 Feb 2025
https://github.com/curiousily/burglar-alarm-system-with-tensorflow-js-and-react
Use TensorFlow’s Object Detection model (COCO-SSD) to detect intruders from images and webcam feeds
coco-ssd deep-learning javascript machine-learning object-detection react tensorflow
Last synced: 26 Feb 2025
https://github.com/curiousily/white-tile
Fun puzzle/arcade game for iOS/Android written in Cocos2d-x
Last synced: 26 Feb 2025
https://github.com/curiousily/naughtyp
Compiler for Pascal-like language - University project
Last synced: 26 Feb 2025
https://github.com/curiousily/todo-list-embeddings
Created with CodeSandbox
Last synced: 26 Feb 2025
https://github.com/curiousily/presentations
Various presentations made by me
Last synced: 26 Feb 2025
https://github.com/curiousily/getting-started-with-tensorflow-js
Tutorial on the basics of TensorFlow.js in the browser. Includes Tensors, visualization with tfjs-vis and building a simple model.
deep-learning machine-learning tensorflow tensorflow-js tensorflow-tutorials tutorial visualizations
Last synced: 26 Feb 2025
https://github.com/curiousily/solgen
Template generator for online judge problems
Last synced: 26 Feb 2025
https://github.com/curiousily/solvable
testing library for online judge problems
Last synced: 26 Feb 2025
https://github.com/curiousily/tsunapper-android
App recommendations for Android
Last synced: 26 Feb 2025
https://github.com/curiousily/simsrunner
Simulation runner using Euler's method - University related project
Last synced: 26 Feb 2025
https://github.com/curiousily/dots
Fun puzzle game for iOS/Android written in Cocos2d-x
Last synced: 26 Feb 2025
https://github.com/curiousily/problems
Solutions for online judges/misc problems
Last synced: 26 Feb 2025
https://github.com/curiousily/thesis
Mix discrete-event simulation with a game engine to achieve optimization of a transport network? How crazy is that?
Last synced: 26 Feb 2025
https://github.com/curiousily/haskell-99problems
my solutions to the 99 haskell problems http://www.haskell.org/haskellwiki/H-99:_Ninety-Nine_Haskell_Problems
Last synced: 26 Feb 2025
https://github.com/curiousily/ketchup
Threaded painting using Java and Swing - University related project
Last synced: 26 Feb 2025
https://github.com/curiousily/race-in-the-line
2D racing game for iOS/Android written in lua/CoronaSDK
Last synced: 26 Feb 2025
https://github.com/curiousily/object-detection-with-tensorflow-js
Created with CodeSandbox
Last synced: 26 Feb 2025
https://github.com/curiousily/bayesian-doodling
Playground for Bayesian/MCMC experiments/examples mostly using PyMC 3
Last synced: 26 Feb 2025