EADST

Reuse Pytorch GoogLeNet Structure

Here is the method to reconstruct the GoogLeNet model with Pytorch.

from torch import nn
import torchvision.models as models

base_model = models.googlenet(pretrained=True)
# close aux 1&2
base_model.aux_logits = False
# extract the model without avgpool and FC layer
base_layers = nn.Sequential(*list(base_model.children())[:-3])
相关标签
About Me
XD
Goals determine what you are going to be.
Category
标签云
hf CV 腾讯云 uWSGI Gemma LLM Qwen2 IndexTTS2 Conda Tiktoken Bin 图形思考法 UI Quantize Review SAM HuggingFace SPIE Streamlit NameSilo Plotly HaggingFace Bipartite JSON Python NLTK mmap Domain GoogLeNet Search LeetCode Diagram SQLite Quantization 净利润 Clash Markdown Attention Jetson Tracking Docker DeepSeek Cloudreve GIT tqdm Translation FP32 Jupyter Math Paddle PIP 阿里云 Miniforge Interview 签证 搞笑 Crawler CUDA NLP Paper Logo BTC Image2Text Permission GPTQ Transformers Datetime tar LoRA Llama torchinfo Pandas MD5 YOLO LaTeX Food Ptyhon Website scipy BeautifulSoup Firewall Bert XML XGBoost Hungarian Hotel UNIX Google 顶会 llama.cpp Pickle Ubuntu AI TensorFlow Anaconda 继承 printf 飞书 RGB Statistics Video Michelin PDF Heatmap FlashAttention Animate 证件照 GPT4 Augmentation FP8 Nginx WebCrawler 第一性原理 Qwen Knowledge FP16 OCR Bitcoin Land VGG-16 关于博主 Safetensors Claude QWEN Linux Baidu ChatGPT Pillow GGML CLAP Template CAM 音频 ResNet-50 Color CSV 域名 LLAMA Agent 版权 Dataset git Algorithm Data CC COCO Django PyTorch TSV Password Github Proxy RAR 财报 FastAPI v0.dev PDB Numpy EXCEL Sklearn Git CTC Mixtral 多进程 Base64 C++ Input Hilton transformers Card Pytorch Excel Vmess 递归学习法 公式 SVR FP64 Plate WAN diffusers Distillation uwsgi Qwen2.5 Magnet API Random Windows VPN logger 强化学习 Use DeepStream TensorRT PyCharm Freesound OpenAI v2ray BF16 ONNX ModelScope git-lfs Breakpoint SQL 算法题 VSCode 多线程 InvalidArgumentError Zip Shortcut OpenCV Vim Tensor Disk CEIR TTS 报税 Web
站点统计

本站现有博文319篇,共被浏览749973

本站已经建立2403天!

热门文章
文章归档
回到顶部