Ecosyste.ms: Awesome
An open API service indexing awesome lists of open source software.
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: 06 Nov 2024
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: 14 Oct 2024
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: 24 Oct 2024
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: 10 Oct 2024
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: 10 Oct 2024
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: 02 Aug 2024
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: 10 Oct 2024
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: 25 Oct 2024
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: 10 Oct 2024
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: 06 Nov 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: 13 Aug 2024
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: 08 Aug 2024
https://github.com/curiousily/ragbase
Completely local RAG (with open LLM) and UI to chat with your PDF documents. 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: 12 Oct 2024
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: 13 Aug 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: 13 Aug 2024
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: 13 Aug 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: 28 Aug 2024