fangwei123456 / spikingjelly

SpikingJelly is an open-source deep learning framework for Spiking Neural Network (SNN) based on PyTorch.
https://spikingjelly.readthedocs.io
Other
1.32k stars 237 forks source link

【长期】处理编译文档warning #66

Open fangwei123456 opened 3 years ago

fangwei123456 commented 3 years ago

编译文档产生的warning是一个生灭过程...

请诸位开发者闲暇时处理一下文档编译时产生的warning(不局限于自己的代码)。可以在本地进行编译测试:

(pytorch-env) PS C:\Users\fw\Desktop\代码\spikingjelly> cd .\docs\
(pytorch-env) PS C:\Users\fw\Desktop\代码\spikingjelly\docs> make html
Running Sphinx v3.4.2
sys.path ['C:\\Users\\fw\\Desktop\\代码\\spikingjelly', 'C:\\Users\\fw\\anaconda3\\envs\\pytorch-env\\Scripts\\sphinx-build.exe', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\python38.zip', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\DLLs', 'c:\
\users\\fw\\anaconda3\\envs\\pytorch-env\\lib', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\scipy-1.6.0-py3.8-wi
n-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\tqdm-4.55.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\matplotlib-3.3.3-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorc
h-env\\lib\\site-packages\\python_dateutil-2.8.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\pyparsing-3.0.0b2-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\kiwisolver-1.3.1-py3.8-wi
n-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\cycler-0.10.0-py3.8.egg', 'c:\\users\\fw\\desktop\\代码\\spikingjelly']
list dir ['.git', '.gitignore', '.idea', '.pytest_cache', '.readthedocs.yml', '.vscode', 'build', 'dist', 'docs', 'LICENSE', 'LICENSE-CN', 'README.md', 'README_cn.md', 'requirements.txt', 'setup.py', 'spikingjelly', 'spikingjelly.egg-info', 'test.p
y', '_C_neuron.cp38-win_amd64.pyd']
loading translations [zh_CN]... done
loading pickled environment... done
loading intersphinx inventory from https://pytorch.org/docs/stable/objects.inv...
WARNING: failed to reach any of the inventories with the following issues:
intersphinx inventory 'https://pytorch.org/docs/stable/objects.inv' not fetchable due to <class 'requests.exceptions.ConnectionError'>: HTTPSConnectionPool(host='pytorch.org', port=443): Max retries exceeded with url: /docs/stable/objects.inv (Caus
ed by NewConnectionError('<urllib3.connection.HTTPSConnection object at 0x0000024640EDB640>: Failed to establish a new connection: [WinError 10060] 由于连接方在一段时间后没有正确答复或连接的主机没有反应,连接尝试失败。'))
building [mo]: targets for 0 po files that are out of date
building [html]: targets for 0 source files that are out of date
updating environment: 0 added, 6 changed, 0 removed
usage: sphinx-build [-h] [--seed SEED] [--use-cuda USE_CUDA]
sphinx-build: error: unrecognized arguments: -M html source build
Testing...
reading sources... [100%] tutorials_en
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\modules.rst:4: WARNING: toctree contains reference to nonexisting document 'SpikingJelly'
WARNING: autodoc: failed to import module 'A2C' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'common'
WARNING: autodoc: failed to import module 'DQN_state' from module 'spikingjelly.clock_driven.examples'; the module executes module level statement and it might call sys.exit().
WARNING: autodoc: failed to import module 'PPO' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'common'
WARNING: autodoc: failed to import module 'Spiking_A2C' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'common'
WARNING: autodoc: failed to import module 'Spiking_DQN_state' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
Traceback (most recent call last):
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\sphinx\ext\autodoc\importer.py", line 67, in import_module
    return importlib.import_module(modname)
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\importlib\__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1014, in _gcd_import
  File "<frozen importlib._bootstrap>", line 991, in _find_and_load
  File "<frozen importlib._bootstrap>", line 975, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 671, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 783, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\Spiking_DQN_state.py", line 310, in <module>
    play(use_cuda=False, pt_path='./model/CartPole-v0/policy_net_256_max.pt', env_name='CartPole-v0', \
  File "C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\Spiking_DQN_state.py", line 213, in play
    policy_net = DQSN(n_states, hidden_size, n_actions, T).to(device)
  File "C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\Spiking_DQN_state.py", line 55, in __init__
    nn.Linear(input_size, hidden_size),
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\torch\nn\modules\linear.py", line 78, in __init__
    self.weight = Parameter(torch.Tensor(out_features, in_features))
TypeError: new(): argument 'size' must be tuple of ints, but found element of type 0 at pos 2

WARNING: autodoc: failed to import module 'Spiking_PPO' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'common'
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:15: WARNING: Option list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:29: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:30: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:49: WARNING: Option list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:63: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\classify_dvsg.py:docstring of spikingjelly.clock_driven.examples.classify_dvsg.main:64: WARNING: Block quote ends without a blank line; unexpected unindent.
WARNING: autodoc: failed to import module 'spiking_lstm_text' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
Traceback (most recent call last):
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\sphinx\ext\autodoc\importer.py", line 67, in import_module
    return importlib.import_module(modname)
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\importlib\__init__.py", line 127, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1014, in _gcd_import
  File "<frozen importlib._bootstrap>", line 991, in _find_and_load
  File "<frozen importlib._bootstrap>", line 975, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 671, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 783, in exec_module
  File "<frozen importlib._bootstrap>", line 219, in _call_with_frames_removed
  File "C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\spiking_lstm_text.py", line 243, in <module>
    net = torch.load('char_rnn_classification.pth')
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\torch\serialization.py", line 581, in load
    with _open_file_like(f, 'rb') as opened_file:
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\torch\serialization.py", line 230, in _open_file_like
    return _open_file(name_or_buffer, mode)
  File "c:\users\fw\anaconda3\envs\pytorch-env\lib\site-packages\torch\serialization.py", line 211, in __init__
    super(_open_file, self).__init__(open(name, mode))
FileNotFoundError: [Errno 2] No such file or directory: 'char_rnn_classification.pth'

WARNING: autodoc: failed to import module 'common.multiprocessing_env' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'multiprocessing_env'
WARNING: autodoc: failed to import module 'common' from module 'spikingjelly.clock_driven.examples'; the following exception was raised:
No module named 'multiprocessing_env'
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.optim.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.optim package
======================================
WARNING: autodoc: failed to import module 'optim' from module 'spikingjelly.clock_driven'; the following exception was raised:
No module named 'spikingjelly.clock_driven.optim'
WARNING: autodoc: failed to import module 'nav_gesture' from module 'spikingjelly.datasets'; the following exception was raised:
No module named 'spikingjelly.datasets.nav_gesture'
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\datasets\__init__.py:docstring of spikingjelly.datasets.split_to_train_test_set:4: WARNING: Field list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\datasets\__init__.py:docstring of spikingjelly.datasets.split_to_train_test_set:8: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\datasets\__init__.py:docstring of spikingjelly.datasets.split_to_train_test_set:11: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\datasets\__init__.py:docstring of spikingjelly.datasets.NeuromorphicDatasetFolder:3: WARNING: Unknown interpreted text role "name".
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorials_en.rst:5: WARNING: toctree contains reference to nonexisting document 'tutorial.clock_driven_en'
looking for now-outdated files... none found
pickling environment... done
checking consistency... C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\1_surrogate.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\modules.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.ann2snn.kernels.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorials.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorials_en.rst: WARNING: document isn't included in any toctree
done
preparing documents... done
writing output... [100%] tutorials_en
generating indices... genindex py-modindex done
highlighting module code... [100%] spikingjelly.visualizing                    _mnistquential_mnisted_backpropagation
writing additional pages... search done
copying images... [100%] _static/tutorials/clock_driven/11_cext_neuron_with_lbl/test.svgg
copying downloadable files... [100%] ../clock_driven/examples/classify_dvsg.py
copying static files... done
copying extra files... done
dumping search index in Chinese (code: zh)... done
dumping object inventory... done
build succeeded, 31 warnings.

The HTML pages are in build\html.
fangwei123456 commented 3 years ago

现在的报错主要来源于rst文档的一些不规范的编写:

(pytorch-env) PS C:\Users\fw\Desktop\代码\spikingjelly\docs> make html
Running Sphinx v3.4.2
sys.path ['C:\\Users\\fw\\Desktop\\代码\\spikingjelly', 'C:\\Users\\fw\\anaconda3\\envs\\pytorch-env\\Scripts\\sphinx-build.exe', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\python38.zip', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\DLLs', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\scipy-1.6.0-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\tqdm-4.55.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\matplotlib-3.3.3-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\python_dateutil-2.8.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\pyparsing-3.0.0b2-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\kiwisolver-1.3.1-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\cycler-0.10.0-py3.8.egg', 'c:\\users\\fw\\desktop\\代码\\spikingjelly']
list dir ['.git', '.gitignore', '.idea', '.pytest_cache', '.readthedocs.yml', '.vscode', 'build', 'dist', 'docs', 'LICENSE', 'LICENSE-CN', 'README.md', 'README_cn.md', 'requirements.txt', 'setup.py', 'spikingjelly', 'spikingjelly.egg-info', 'test.py', '_C_neuron.cp38-win_amd64.pyd']
loading translations [zh_CN]... done
making output directory... done
loading intersphinx inventory from https://docs.python.org/3/objects.inv...
loading intersphinx inventory from https://numpy.org/doc/stable/objects.inv...
loading intersphinx inventory from https://pytorch.org/docs/stable/objects.inv...
building [mo]: targets for 0 po files that are out of date
building [html]: targets for 57 source files that are out of date
updating environment: [new config] 57 added, 0 changed, 0 removed
reading sources... [100%] tutorial_en.clock_driven
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\13_neuromorphic_datasets.rst:61: WARNING: Enumerated list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:20: WARNING: Title underline too short.

实验:IF神经元脉冲发放频率和输入的关系
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:182: WARNING: Title underline too short.

实现与可选配置
^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:182: WARNING: Title underline too short.

实现与可选配置
^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:374: WARNING: Error in "code-block" directive:
maximum 1 argument(s) allowed, 12 supplied.

.. code-block:: python
    onnxparser = parser(name=model_name,
                        log_dir=log_dir + '/parser',
                        kernel='onnx')
    snn = onnxparser.parse(ann, norm_data.to(parser_device))
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:403: WARNING: Explicit markup ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\0_neuron.rst:45: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\10_propagation_pattern.rst:6: WARNING: Title underline too short.

Single-Step and Multi-Step
------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\10_propagation_pattern.rst:79: WARNING: Title underline too short.

Step-by-step and Layer-by-Layer
-------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\10_propagation_pattern.rst:79: WARNING: Title underline too short.

Step-by-step and Layer-by-Layer
-------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\11_cext_neuron_with_lbl.rst:2: WARNING: Title underline too short.

Accelerate with CUDA-Enhanced Neuron and Layer-by-Layer Propagation
==================================================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\13_neuromorphic_datasets.rst:9: WARNING: Title underline too short.

Download Automatically/Manually
------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\4_conv_fashion_mnist.rst:2: WARNING: Title underline too short.

Clock driven: Use convolutional SNN to identify Fashion-MNIST
============================================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.cext.functional.rst:2: WARNING: Title underline too short.

spikingjelly.cext.functional package
=========================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.cext.layer.rst:2: WARNING: Title underline too short.

spikingjelly.cext.layer package
=========================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.cext.neuron.rst:2: WARNING: Title underline too short.

spikingjelly.cext.neuron package
=========================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\ann2snn\modules.py:docstring of spikingjelly.clock_driven.ann2snn.modules.MaxPool2d:60: WARNING: Explicit markup ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.ann2snn.examples.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.ann2snn.examples package
====================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.ann2snn.examples.rst:8: WARNING: Title underline too short.

spikingjelly.clock_driven.ann2snn.examples.if\_cnn\_mnist module
--------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.ann2snn.examples.rst:8: WARNING: Title underline too short.

spikingjelly.clock_driven.ann2snn.examples.if\_cnn\_mnist module
--------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.encoding.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.encoding package
=========================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.BaseEncoder.forward:6: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.PeriodicEncoder:1: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.LatencyEncoder:21: WARNING: Explicit markup ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.WeightedPhaseEncoder.forward:1: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\common\multiprocessing_env.py:docstring of spikingjelly.clock_driven.examples.common.multiprocessing_env.VecEnv.step_wait:3: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.functional.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.functional package
===========================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:5: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:6: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:36: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:37: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.layer.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.layer package
======================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:5: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:11: WARNING: Error in "code-block" directive:
maximum 1 argument(s) allowed, 25 supplied.

.. code-block:: python
    with torch.no_grad():
        T = 16
        batch_size = 8
        x = torch.rand([T, batch_size, 4])
        fc = SeqToANNContainer(nn.Linear(4, 2), nn.Linear(2, 3))
        print(fc(x).shape)
        # torch.Size([16, 8, 3])
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:24: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:30: WARNING: Error in "code-block" directive:
maximum 1 argument(s) allowed, 25 supplied.

.. code-block:: python
    with torch.no_grad():
        T = 16
        batch_size = 8
        x = torch.rand([T, batch_size, 4])
        fc = SeqToANNContainer(nn.Linear(4, 2), nn.Linear(2, 3))
        print(fc(x).shape)
        # torch.Size([16, 8, 3])
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.neuron.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.neuron package
=======================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:14: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:15: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:34: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:36: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:10: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:11: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:13: WARNING: Definition list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:17: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:18: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:31: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:32: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:34: WARNING: Definition list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:38: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:39: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.surrogate.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.surrogate package
==========================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.heaviside:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.heaviside:19: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseQuadratic:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseQuadratic:33: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseExp:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseExp:28: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Sigmoid:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Sigmoid:24: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.SoftSign:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.SoftSign:25: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.ATan:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.ATan:18: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.NonzeroSignLogAbs:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.NonzeroSignLogAbs:36: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Erf:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Erf:30: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseLeakyReLU:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseLeakyReLU:34: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.rst:2: WARNING: Title underline too short.

spikingjelly.event\_driven package
=================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.encoding.rst:2: WARNING: Title underline too short.

spikingjelly.event_driven.encoding package
=========================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:2: WARNING: Title underline too short.

spikingjelly.event\_driven.examples package
==========================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:8: WARNING: Title underline too short.

spikingjelly.event\_driven.examples.tempotron\_mnist module
----------------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:8: WARNING: Title underline too short.

spikingjelly.event\_driven.examples.tempotron\_mnist module
----------------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.neuron.rst:2: WARNING: Title underline too short.

spikingjelly.event_driven.neuron package
=======================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.visualizing.rst:2: WARNING: Title underline too short.

spikingjelly.visualizing package
===============================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:87: WARNING: Title underline too short.

将脉冲神经元嵌入到深度网络
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:87: WARNING: Title underline too short.

将脉冲神经元嵌入到深度网络
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:99: WARNING: Title underline too short.

使用双层全连接网络进行MNIST分类
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:99: WARNING: Title underline too short.

使用双层全连接网络进行MNIST分类
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:23: WARNING: Title underline too short.

脉冲响应模型(Spike response model, SRM)
--------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:23: WARNING: Title underline too short.

脉冲响应模型(Spike response model, SRM)
--------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:96: WARNING: Inline literal start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:101: WARNING: Title underline too short.

高斯调谐曲线编码器
^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:132: WARNING: Title underline too short.

定义网络、损失函数、分类结果
^^^^^^^^^^^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:132: WARNING: Title underline too short.

定义网络、损失函数、分类结果
^^^^^^^^^^^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:14: WARNING: Title underline too short.

SNN Compared with RNN
----------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:52: WARNING: Title underline too short.

Surrogate Gradient Method
-------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:52: WARNING: Title underline too short.

Surrogate Gradient Method
-------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:75: WARNING: Title underline too short.

Embed Spiking Neurons into Deep Networks
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:75: WARNING: Title underline too short.

Embed Spiking Neurons into Deep Networks
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:86: WARNING: Title underline too short.

MNIST classification using a double-layer fully connected network
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:86: WARNING: Title underline too short.

MNIST classification using a double-layer fully connected network
-----------------------------
looking for now-outdated files... none found
pickling environment... done
checking consistency... C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\1_surrogate.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\modules.rst: WARNING: document isn't included in any toctree
done
preparing documents... done
writing output... [100%] tutorial_en.clock_driven
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:405: WARNING: Could not lex literal_block as "python". Highlighting skipped.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\5_ann2snn.rst:426: WARNING: Could not lex literal_block as "python". Highlighting skipped.
generating indices... genindex py-modindex done
highlighting module code... [100%] spikingjelly.visualizing                    _mnistquential_mnisted_backpropagation
writing additional pages... search done
copying images... [100%] _static/examples/event_driven/tempotron_mnist/test.svggurve.pnguracy_curve.png-by-layer.png
copying downloadable files... [100%] ../clock_driven/examples/classify_dvsg.py
copying static files... done
copying extra files... done
dumping search index in Chinese (code: zh)... done
dumping object inventory... done
build succeeded, 98 warnings.

The HTML pages are in build\html.
fangwei123456 commented 3 years ago
(pytorch-env) PS C:\Users\fw\Desktop\代码\spikingjelly\docs> make html
Running Sphinx v3.4.2
sys.path ['C:\\Users\\fw\\Desktop\\代码\\spikingjelly', 'C:\\Users\\fw\\anaconda3\\envs\\pytorch-env\\Scripts\\sphinx-build.exe', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\python38.zip', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\DLLs', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\scipy-1.6.0-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\tqdm-4.55.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\matplotlib-3.3.3-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\python_dateutil-2.8.1-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\pyparsing-3.0.0b2-py3.8.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\kiwisolver-1.3.1-py3.8-win-amd64.egg', 'c:\\users\\fw\\anaconda3\\envs\\pytorch-env\\lib\\site-packages\\cycler-0.10.0-py3.8.egg', 'c:\\users\\fw\\desktop\\代码\\spikingjelly']
list dir ['.git', '.gitignore', '.idea', '.pytest_cache', '.readthedocs.yml', '.vscode', 'build', 'dist', 'docs', 'LICENSE', 'LICENSE-CN', 'README.md', 'README_cn.md', 'requirements.txt', 'setup.py', 'spikingjelly', 'spikingjelly.egg-info', 'test.py', '_C_neuron.cp38-win_amd64.pyd']
loading translations [zh_CN]... done
making output directory... done
loading intersphinx inventory from https://docs.python.org/3/objects.inv...
loading intersphinx inventory from https://numpy.org/doc/stable/objects.inv...
loading intersphinx inventory from https://pytorch.org/docs/stable/objects.inv...
building [mo]: targets for 0 po files that are out of date
building [html]: targets for 56 source files that are out of date
updating environment: [new config] 56 added, 0 changed, 0 removed
reading sources... [100%] tutorial_en.clock_driven
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\ann2snn\modules.py:docstring of spikingjelly.clock_driven.ann2snn.modules.MaxPool2d:60: WARNING: Explicit markup ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.BaseEncoder.forward:6: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.PeriodicEncoder:1: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.LatencyEncoder:21: WARNING: Explicit markup ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\encoding.py:docstring of spikingjelly.clock_driven.encoding.WeightedPhaseEncoder.forward:1: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\examples\common\multiprocessing_env.py:docstring of spikingjelly.clock_driven.examples.common.multiprocessing_env.VecEnv.step_wait:3: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.functional.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.functional package
===========================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:5: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:6: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:36: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\functional.py:docstring of spikingjelly.clock_driven.functional.first_spike_index:37: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.layer.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.layer package
======================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:5: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:11: WARNING: Error in "code-block" directive:
maximum 1 argument(s) allowed, 25 supplied.

.. code-block:: python
    with torch.no_grad():
        T = 16
        batch_size = 8
        x = torch.rand([T, batch_size, 4])
        fc = SeqToANNContainer(nn.Linear(4, 2), nn.Linear(2, 3))
        print(fc(x).shape)
        # torch.Size([16, 8, 3])
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:24: WARNING: Inline emphasis start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\layer.py:docstring of spikingjelly.clock_driven.layer.SeqToANNContainer:30: WARNING: Error in "code-block" directive:
maximum 1 argument(s) allowed, 25 supplied.

.. code-block:: python
    with torch.no_grad():
        T = 16
        batch_size = 8
        x = torch.rand([T, batch_size, 4])
        fc = SeqToANNContainer(nn.Linear(4, 2), nn.Linear(2, 3))
        print(fc(x).shape)
        # torch.Size([16, 8, 3])
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.neuron.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.neuron package
=======================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:14: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:15: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:34: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingRNNBase.forward:36: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:10: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:11: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:13: WARNING: Definition list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:17: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:18: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:31: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:32: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:34: WARNING: Definition list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:38: WARNING: Unexpected indentation.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\rnn.py:docstring of spikingjelly.clock_driven.rnn.SpikingLSTMCell.forward:39: WARNING: Block quote ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.clock_driven.surrogate.rst:2: WARNING: Title underline too short.

spikingjelly.clock_driven.surrogate package
==========================================
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.heaviside:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.heaviside:19: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseQuadratic:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseQuadratic:33: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseExp:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseExp:28: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Sigmoid:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Sigmoid:24: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.SoftSign:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.SoftSign:25: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.ATan:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.ATan:18: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.NonzeroSignLogAbs:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.NonzeroSignLogAbs:36: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Erf:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.Erf:30: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseLeakyReLU:2: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\spikingjelly\clock_driven\surrogate.py:docstring of spikingjelly.clock_driven.surrogate.PiecewiseLeakyReLU:34: WARNING: Bullet list ends without a blank line; unexpected unindent.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.rst:2: WARNING: Title underline too short.

spikingjelly.event\_driven package
=================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.encoding.rst:2: WARNING: Title underline too short.

spikingjelly.event_driven.encoding package
=========================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:2: WARNING: Title underline too short.

spikingjelly.event\_driven.examples package
==========================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:8: WARNING: Title underline too short.

spikingjelly.event\_driven.examples.tempotron\_mnist module
----------------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.examples.rst:8: WARNING: Title underline too short.

spikingjelly.event\_driven.examples.tempotron\_mnist module
----------------------------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.event_driven.neuron.rst:2: WARNING: Title underline too short.

spikingjelly.event_driven.neuron package
=======================================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.visualizing.rst:2: WARNING: Title underline too short.

spikingjelly.visualizing package
===============================
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:87: WARNING: Title underline too short.

将脉冲神经元嵌入到深度网络
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:87: WARNING: Title underline too short.

将脉冲神经元嵌入到深度网络
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:99: WARNING: Title underline too short.

使用双层全连接网络进行MNIST分类
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.clock_driven.rst:99: WARNING: Title underline too short.

使用双层全连接网络进行MNIST分类
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:23: WARNING: Title underline too short.

脉冲响应模型(Spike response model, SRM)
--------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:23: WARNING: Title underline too short.

脉冲响应模型(Spike response model, SRM)
--------------------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:96: WARNING: Inline literal start-string without end-string.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:101: WARNING: Title underline too short.

高斯调谐曲线编码器
^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:132: WARNING: Title underline too short.

定义网络、损失函数、分类结果
^^^^^^^^^^^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial.event_driven.rst:132: WARNING: Title underline too short.

定义网络、损失函数、分类结果
^^^^^^^^^^^^^^^^^^^^^^^^^^^
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:14: WARNING: Title underline too short.

SNN Compared with RNN
----------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:52: WARNING: Title underline too short.

Surrogate Gradient Method
-------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:52: WARNING: Title underline too short.

Surrogate Gradient Method
-------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:75: WARNING: Title underline too short.

Embed Spiking Neurons into Deep Networks
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:75: WARNING: Title underline too short.

Embed Spiking Neurons into Deep Networks
------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:86: WARNING: Title underline too short.

MNIST classification using a double-layer fully connected network
-----------------------------
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\tutorial_en.clock_driven.rst:86: WARNING: Title underline too short.

MNIST classification using a double-layer fully connected network
-----------------------------
looking for now-outdated files... none found
pickling environment... done
checking consistency... C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\1_surrogate.rst: WARNING: document isn't included in any toctree
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\spikingjelly.rst: WARNING: document isn't included in any toctree
done
preparing documents... done
writing output... [100%] tutorial_en.clock_driven
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven\5_ann2snn.rst:407: WARNING: Could not lex literal_block as "python". Highlighting skipped.
C:\Users\fw\Desktop\代码\spikingjelly\docs\source\clock_driven_en\5_ann2snn.rst:426: WARNING: Could not lex literal_block as "python". Highlighting skipped.
generating indices... genindex py-modindex done
highlighting module code... [100%] spikingjelly.visualizing                    _mnistquential_mnisted_backpropagation
writing additional pages... search done
copying images... [100%] _static/examples/event_driven/tempotron_mnist/test.svggurve.pnguracy_curve.png-by-layer.png
copying downloadable files... [100%] ../clock_driven/examples/classify_dvsg.py
copying static files... done
copying extra files... done
dumping search index in Chinese (code: zh)... done
dumping object inventory... done
build succeeded, 78 warnings.

The HTML pages are in build\html.
fangwei123456 commented 3 years ago

https://spikingjelly.readthedocs.io/zh_CN/latest/spikingjelly.datasets.html#spikingjelly.datasets.integrate_events_segment_to_frame 显示错误