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
标签云
Interview FP8 Tiktoken Domain git InvalidArgumentError GIT Disk CSV HaggingFace 域名 证件照 Augmentation NLTK Freesound VPN ResNet-50 Pandas 飞书 Django Paper SPIE Tensor Ptyhon BeautifulSoup Breakpoint CTC ChatGPT torchinfo FP64 Vmess 报税 PIP OpenCV Hungarian Qwen RGB DeepStream tqdm Git diffusers 搞笑 公式 Ubuntu HuggingFace Jupyter Card Color Statistics CV VSCode Markdown OpenAI ONNX Translation CLAP NLP Animate DeepSeek Tracking Review Base64 Cloudreve Diagram v2ray Plate Nginx SVR XML Mixtral SQLite Sklearn Dataset COCO TSV Pytorch UI C++ MD5 hf FastAPI Hotel JSON FP16 净利润 Permission Llama Miniforge Google Proxy CUDA SQL Windows CC Baidu Qwen2.5 Jetson PyCharm SAM Pickle 多进程 QWEN logger Shortcut Qwen2 IndexTTS2 LLM Bin API GoogLeNet 多线程 PDF scipy GPT4 AI Land ModelScope XGBoost VGG-16 Docker uwsgi transformers printf Algorithm Linux Anaconda LeetCode 版权 Gemma Zip Data BTC uWSGI Bitcoin Paddle PDB Streamlit PyTorch Firewall Python 音频 Attention 算法题 FP32 Bipartite UNIX Hilton 财报 tar TTS Conda Claude Bert TensorFlow Pillow TensorRT LLAMA WAN Github Vim CAM Knowledge v0.dev NameSilo BF16 腾讯云 GGML Excel Random WebCrawler CEIR LaTeX Clash Heatmap Quantization llama.cpp Michelin Video RAR Template Password FlashAttention Use 关于博主 Input Datetime Plotly 签证 Web git-lfs Crawler Image2Text 继承 LoRA YOLO Food Transformers Math Numpy Website OCR GPTQ EXCEL Safetensors Distillation mmap 阿里云 Logo Quantize Magnet
站点统计

本站现有博文311篇,共被浏览742314

本站已经建立2382天!

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