人工智能相关资源 代码 论文 教程Tutorials 等 Prompt-Engineering 深度学习 辅助驾驶 语言模型 文本生成图片 开源实现 OCR 通用聊天机器人

人工智能

相关学习资源

  • https://github.com/luban-agi/Awesome-AIGC-Tutorials
  • https://github.com/BradyFU/Awesome-Multimodal-Large-Language-Models
  • https://github.com/dair-ai/Prompt-Engineering-Guide
  • https://github.com/Visualize-ML/Book3_Elements-of-Mathematics
  • https://github.com/datawhalechina
  • https://github.com/zjhellofss/KuiperInfer
  • 动手学深度学习 https://github.com/d2l-ai
  • https://github.com/lonePatient/awesome-pretrained-chinese-nlp-models
  • https://github.com/HqWu-HITCS/Awesome-Chinese-LLM
  • https://github.com/hpcaitech/ColossalAI
  • https://github.com/xx025/carrot
  • https://github.com/Charmve/computer-vision-in-action
  • https://github.com/alexeygrigorev/mlbookcamp-code
  • https://github.com/huggingface
  • https://github.com/huhuhang/aibydoing-feedback
  • https://github.com/google-deepmind
  • https://github.com/explosion
  • https://github.com/nltk
  • https://github.com/tiepvupsu/ebookMLCB
  • 辅助驾驶 https://github.com/commaai/openpilot
  • https://github.com/OpenDriveLab
  • 文档归档 https://github.com/paperless-ngx/paperless-ngx
  • https://github.com/xtekky/gpt4free
  • https://github.com/JoeSiu/discord-chatbot
  • https://github.com/juzeon/poe-openai-proxy
  • https://github.com/huanfeng123/poe-openai
  • https://github.com/chathub-dev
  • https://github.com/TransformerOptimus/SuperAGI
  • https://github.com/sunner/ChatALL
  • 语言模型漏洞 https://github.com/llm-attacks/llm-attacks
  • 中文通用大模型排行 https://github.com/CLUEbenchmark/SuperCLUE
  • https://github.com/open-compass/T-Eval
  • https://github.com/tatsu-lab/alpaca_eval
  • https://dang.ai
  • https://jess3.com/projects/genaiprism
  • https://www.producthunt.com/golden-kitty-awards
  • https://www.stateof.ai
  • DALL-E 文本生成图片
    • https://www.bing.com/images/create
  • Midjourney 文本生成图片
  • OpenRead AI读论文
  • Jasper.ai 写作AI
  • Synthesia 生成真人视频
  • Jenni.ai AI写论文
  • Copy.ai 写文案
  • PepperType A写邮件
  • Designs.ai 创意设计平台
  • Khroma 高质量的配色方案
  • Posemaniacs 人体3D模型
  • Aiva 创作音乐
  • Al Writer 自动生成新闻稿
  • Fireflies 将文本转换为语音
  • Repurpose 10 自动化社媒内容
  • Chatbot live 多功能聊天机器人
  • 模型调用 https://github.com/hwchase17/langchain
  • 金融 https://github.com/AI4Finance-Foundation/FinGPT
  • https://maeiee-garden.vercel.app
  • 微调 https://github.com/InternLM/xtuner

模型

  • https://github.com/topics/machine-learning
  • https://github.com/topics/deep-learning
  • https://github.com/topics/neural-network
  • https://github.com/topics/computer-vision
  • https://github.com/topics/artificial-intelligence
  • ncnn推理 https://github.com/topics/ncnn
  • torch推理 https://github.com/topics/pytorch
  • https://github.com/topics/text-recognition

深度学习是神经网络的深层神经网络。强化学习是独立于机器学习之外的分支,强化学习严格来说不属于机器学习,
机器学习的任务是通过已知的训练集来学习目标函数,而强化学习不需要训练集。

  • 机器学习:一切通过优化方法挖掘数据中规律的学科。
  • 深度学习:一切运用了神经网络作为参数结构进行优化的机器学习算法。学习过程是静态的,训练样本是有标签的
  • 强化学习:不仅能利用现有数据,还可以通过对环境的探索获得新数据,并利用新数据循环往复地更新迭代现有模型的机器学习算法。学习过程是动态的,训练是没有标签的
  • 深度强化学习:一切运用了神经网络作为参数结构进行优化的强化学习算法。
  • 机器学习模型(Machine Learning models):包括分类器、回归器、聚类器、推荐系统等。例如:Logistic回归、深度神经网络、决策树
    • Wide & Deep:Google开发的一种混合推荐模型,结合了线性模型(广度)和深度神经网络(深度)。
    • Neural Collaborative Filtering (NCF):一种基于深度学习的协同过滤推荐算法。
    • DeepFM:一种结合因子分解机(FM)和深度神经网络的推荐算法。
  • 强化学习模型(Reinforcement Learning models):使用来自环境的反馈,通过反复试验来学习实现目标的模型。例如:深度Q网络、政策梯度
  • 逻辑回归(Logistic Regression)
  • K最近邻(K-Nearest Neighbors)
  • 决策树(Decision Tree)
  • 随机森林(Random Forest)
  • 朴素贝叶斯(Naive Bayes)
  • 神经网络(Neural Network)
    • 感知机(Perceptron)
    • 多层感知机(Multilayer Perceptron)
    • CNN(Convolutional Neural Network)
    • RNN(Recurrent Neural Network)
    • LSTM(Long Short Term Memory)
    • GAN(Generative Adversarial Nets)
  • SVM(Support Vector Machine)
    • 聚类(Clustering)
    • K均值(K-Means)
    • 高斯混合模型(Gaussian Mixture Model)
    • DBSCAN
  • 降维(Dimensionality Reduction)
    • PCA(Principal Component Analysis)
    • LDA(Linear Discriminant Analysis)
    • -Kernel PCA
    • tSNE
  • 线性回归(Linear Regression)
  • 极限学习机(Extreme Learning Machine)
  • 隐马尔可夫模型(Hidden Markov Model)
  • 支持向量聚类(Support Vector Clustering)
  • 递增学习(Incremental Learning)
  • 置信学习(Confidence Learning)
  • 元学习(Meta Learning)
  • 集成学习(Ensemble Learning)
    • 随机森林(Random Forest)
    • GBDT(Gradient Boosting Decision Tree)
    • AdaBoost
    • 栈式学习(Stacking)
  • 迁移学习(Transfer Learning)
  • 计算机视觉(Computer Vision):用于分析图像和视频的模型。例如:对象检测器、分割模型、面部识别模型
    • CNN(Convolutional Neural Network)
    • 对象检测(Object Detection)
    • semantic segmentation
    • 实例分割(Instance Segmentation)
    • 目标跟踪(Object Tracking)
    • 行人重识别(Person Re-identification)
    • 图像分类(Image Classification)
    • 物体识别(Object Recognition)
  • 自然语言处理(Natural Language Processing):用于处理文本和语音的模型。例如:变形金刚、递归神经网络、单词嵌入
    • RNN(Recurrent Neural Network)
    • LSTM(Long Short Term Memory)
    • GRU(Gated Recurrent Unit)
    • 词向量(Word Embedding)
    • 文本分类(Text Classification)
    • 机器翻译(Machine Translation)
    • 问答系统(QA)
    • 评论分析(Sentiment Analysis)
    • 词性标注(Part-of-speech Tagging)
    • 命名实体识别(Named Entity Recognition)
    • 依存句法分析(Dependency Parsing)
    • 文本摘要(Text Summarization)
  • 卷积神经网络(Convolutional Neural Networks,CNN):图像识别、目标检测、图像分割、人脸识别等。

你可能感兴趣的:(人工智能,prompt,深度学习)