Pinned Repositories
AI
人工智能
APT_REPORT
Interesting apt report collection and some special ioc express
DySAT_pytorch
Pytorch implementation of DySAT: Deep Neural Representation Learning on Dynamic Graphs via Self-Attention Networks
elasticsearch-head
A web front end for an elastic search cluster
icloudsong.github.io
宋秉华的技术博客
kmeans4scala
基于scala的kmeans算法代码
Knowledge-Graph
知识图谱
math
数学基础
userclick4hadoop
基于Hadoop、HBase的wordcount代码
userclick4spark
基于Spark集群的用户点击次数统计
icloudsong's Repositories
icloudsong/llm
Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM) QA app with langchain | 基于 Langchain 与 ChatGLM 等语言模型的本地知识库问答
icloudsong/annotated_deep_learning_paper_implementations
🧑🏫 60 Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
icloudsong/AttentionSiteDTI
This is The repository for Paper "AttentionSiteDTI: Attention Based Model for Predicting Drug-Target Interaction Using Graph Representation of Ligands and 3D Structure of Protein Binding Sites"
icloudsong/Awesome-Multimodal-Large-Language-Models
:sparkles::sparkles:Latest Papers and Datasets on Multimodal Large Language Models, and Their Evaluation.
icloudsong/awesome-multimodal-ml
Reading list for research topics in multimodal machine learning
icloudsong/bam
icloudsong/CellOracle
This is the alpha version of the CellOracle package
icloudsong/Chinese-LLaMA-Alpaca
中文LLaMA&Alpaca大语言模型+本地CPU/GPU训练部署 (Chinese LLaMA & Alpaca LLMs)
icloudsong/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
icloudsong/DiT
Official PyTorch Implementation of "Scalable Diffusion Models with Transformers"
icloudsong/Dummy-Robot
我的超迷你机械臂机器人项目。
icloudsong/esm
Evolutionary Scale Modeling (esm): Pretrained language models for proteins
icloudsong/gpgpu-sim_distribution
GPGPU-Sim provides a detailed simulation model of contemporary NVIDIA GPUs running CUDA and/or OpenCL workloads. It includes support for features such as TensorCores and CUDA Dynamic Parallelism as well as a performance visualization tool, AerialVisoin, and an integrated energy model, GPUWattch.
icloudsong/IGB-Datasets
Largest realworld open-source graph dataset - Worked done under IBM-Illinois Discovery Accelerator Institute and Amazon Research Awards and in collaboration with NVIDIA Research.
icloudsong/LangCell
Code for "LangCell: Language-Cell Pre-training for Cell Identity Understanding".
icloudsong/LeetCode
LeetCode高频题目,包含学习整理的文章和刷题模板,参考宫水三叶博主、《算法(第四版)》、《算法导论》和《Hello 算法》等技术书籍
icloudsong/lerobot
🤗 LeRobot: Making AI for Robotics more accessible with end-to-end learning
icloudsong/libfuse
The reference implementation of the Linux FUSE (Filesystem in Userspace) interface
icloudsong/lmdeploy
LMDeploy is a toolkit for compressing, deploying, and serving LLMs.
icloudsong/OpenBioMed
icloudsong/pdf-extract-api
Document (PDF) extraction and parse API using state of the art modern OCRs + Ollama supported models. Anonymize documents. Remove PII. Convert any document or picture to structured JSON or Markdown
icloudsong/ppl.llm.serving
icloudsong/pytorch-handbook
pytorch handbook是一本开源的书籍,目标是帮助那些希望和使用PyTorch进行深度学习开发和研究的朋友快速入门,其中包含的Pytorch教程全部通过测试保证可以成功运行
icloudsong/ramulator2
Ramulator 2.0 is a modern, modular, extensible, and fast cycle-accurate DRAM simulator. It provides support for agile implementation and evaluation of new memory system designs (e.g., new DRAM standards, emerging RowHammer mitigation techniques). Described in our paper https://people.inf.ethz.ch/omutlu/pub/Ramulator2_arxiv23.pdf
icloudsong/scGPT
icloudsong/so-large-lm
大模型基础: 一文了解大模型基础知识
icloudsong/stanford_alpaca
Code and documentation to train Stanford's Alpaca models, and generate the data.
icloudsong/TensorRT-LLM
TensorRT-LLM provides users with an easy-to-use Python API to define Large Language Models (LLMs) and build TensorRT engines that contain state-of-the-art optimizations to perform inference efficiently on NVIDIA GPUs. TensorRT-LLM also contains components to create Python and C++ runtimes that execute those TensorRT engines.
icloudsong/text-generation-inference
Large Language Model Text Generation Inference
icloudsong/vllm
A high-throughput and memory-efficient inference and serving engine for LLMs