Alisia-182's Stars
abhijeet3922/finbert_embedding
Token and sentence level embeddings from FinBERT model (Finance Domain)
Thinklab-SJTU/Crossformer
Official implementation of our ICLR 2023 paper "Crossformer: Transformer Utilizing Cross-Dimension Dependency for Multivariate Time Series Forecasting"
intel-analytics/ipex-llm
Accelerate local LLM inference and finetuning (LLaMA, Mistral, ChatGLM, Qwen, Mixtral, Gemma, Phi, MiniCPM, Qwen-VL, MiniCPM-V, etc.) on Intel XPU (e.g., local PC with iGPU and NPU, discrete GPU such as Arc, Flex and Max); seamlessly integrate with llama.cpp, Ollama, HuggingFace, LangChain, LlamaIndex, vLLM, GraphRAG, DeepSpeed, Axolotl, etc
omegaup/omegaup
omegaUp automatic programming contest evaluator & arena
oppia/oppia
A free, online learning platform to make quality education accessible for all.
RadiantResearch/TSAT
Transformer based model for time series prediction
EvilPsyCHo/Deep-Time-Series-Prediction
Seq2Seq, Bert, Transformer, WaveNet for time series prediction.
Finnhub-Stock-API/finnhub-python
Finnhub Python API Client. Finnhub API provides institutional-grade financial data to investors, fintech startups and investment firms. We support real-time stock price, global fundamentals, global ETFs holdings and alternative data. https://finnhub.io/docs/api
henrytsui000/Stock-Price-Prediction
This is a side project create by Lucy's and me, the main idea is use Bert model for fuse the stock news title and past stock price to predict the stock price in the future.
Chinmay-Deep-Sahoo/Stock-Movement-with-Transformer
Welcome to the Stock Movement Prediction with Transformer Repository. This project offers a comprehensive codebase featuring a state-of-the-art Transformer architecture implemented in PyTorch. Its primary objective is to forecast stock movements by integrating daily Reddit news with historical data from the DJIA.
oliverguhr/transformer-time-series-prediction
proof of concept for a transformer-based time series prediction model
FinancialNewsAPI/financial-news-api-python
Stock market & financial news API with more than 50 million news articles, and real-time news streaming API in Python.
alisonmitchell/Stock-Prediction
Technical and sentiment analysis to predict the stock market with machine learning models based on historical time series data and news article sentiment collected using APIs and web scraping.
stocks-predictor/bert
TensorFlow code and pre-trained models for BERT
xraptorgg/FinBERT-LSTM
FinBERT-LSTM: Deep Learning based stock price prediction using News Sentiment Analysis
yumoxu/stocknet-dataset
A comprehensive dataset for stock movement prediction from tweets and historical stock prices.
alpa-projects/alpa
Training and serving large-scale neural networks with auto parallelization.
pingcap/awesome-database-learning
A list of learning materials to understand databases internals
ucsd-cse130/03-fold
Starter code for hw3
VITA-Group/Linearity-Grafting
[ICML 2022] "Linearity Grafting: Relaxed Neuron Pruning Helps Certifiable Robustness" by Tianlong Chen*, Huan Zhang*, Zhenyu Zhang, Shiyu Chang, Sijia Liu, Pin-Yu Chen, Zhangyang Wang
pytorch/examples
A set of examples around pytorch in Vision, Text, Reinforcement Learning, etc.
chenyuntc/pytorch-book
PyTorch tutorials and fun projects including neural talk, neural style, poem writing, anime generation (《深度学习框架PyTorch:入门与实战》)
jcjohnson/pytorch-examples
Simple examples to introduce PyTorch
d2l-ai/d2l-en
Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.
MichalDanielDobrzanski/DeepLearningPython
neuralnetworksanddeeplearning.com integrated scripts for Python 3.5.2 and Theano with CUDA support
mnielsen/neural-networks-and-deep-learning
Code samples for my book "Neural Networks and Deep Learning"
ageron/handson-ml2
A series of Jupyter notebooks that walk you through the fundamentals of Machine Learning and Deep Learning in Python using Scikit-Learn, Keras and TensorFlow 2.
amusi/Deep-Learning-Interview-Book
深度学习面试宝典(含数学、机器学习、深度学习、计算机视觉、自然语言处理和SLAM等方向)
hzy46/Deep-Learning-21-Examples
《21个项目玩转深度学习———基于TensorFlow的实践详解》配套代码