随笔分类 -  TTS

gpu
摘要:nvidia-smi os.environ["CUDA_VISIBLE_DEVICES"] = "0,1,2,3,4,5,6,7" 阅读全文

posted @ 2021-04-23 14:25 HolaWorld 阅读(54) 评论(0) 推荐(0) 编辑

montreal-forced-aligner
摘要:https://montreal-forced-aligner.readthedocs.io/en/latest/index.html conda config --add channels conda-forge conda install montreal-forced-aligner mfa 阅读全文

posted @ 2021-04-04 01:51 HolaWorld 阅读(1642) 评论(0) 推荐(0) 编辑

pytorch
摘要:Data: from torch.utils.data import Dataset, DataLoader class MyDataset(Dataset): def __init__(self, file): self.data = ... def __getitem__(self, index 阅读全文

posted @ 2021-03-31 21:26 HolaWorld 阅读(72) 评论(0) 推荐(0) 编辑

语音相关dataset
摘要:http://www.openslr.org/resources.php https://test.data-baker.com/#/data/index/compose LJSpeech:https://keithito.com/LJ-Speech-Dataset/ 22050 Hz sampli 阅读全文

posted @ 2021-03-27 21:33 HolaWorld 阅读(213) 评论(0) 推荐(0) 编辑

各cuda版本对应的pytorch版本
摘要:https://pytorch.org/get-started/previous-versions/ https://pytorch.org/get-started/locally/ conda install pytorch torchvision torchaudio cudatoolkit=1 阅读全文

posted @ 2021-03-22 23:33 HolaWorld 阅读(552) 评论(0) 推荐(0) 编辑

python音频图
摘要:from scipy.io import wavfile import matplotlib.pyplot as plt import numpy as np # import librosa # samples,sr = librosa.load('usersay.wav',sr=None) sr 阅读全文

posted @ 2020-05-31 20:26 HolaWorld 阅读(198) 评论(0) 推荐(0) 编辑

Task 1 - Sentiment Analysis on Movie Reviews
摘要:```python''' 0 - negative 1 - somewhat negative 2 - neutral 3 - somewhat positive 4 - positive'''import numpy as npimport pandas as pdfrom sklearn.feature_extraction.text import CountVectorizerfrom sk... 阅读全文

posted @ 2020-03-17 19:43 HolaWorld 阅读(474) 评论(0) 推荐(0) 编辑

文本向量化 - 词袋模型, N-gram 特征
摘要:CountVectorizer和TfidfVectorizer的参数:https://blog.csdn.net/du_qi/article/details/51564303 stopwords:https://www.cnblogs.com/webRobot/p/6079919.html 阅读全文

posted @ 2020-03-17 14:25 HolaWorld 阅读(344) 评论(0) 推荐(0) 编辑

Logistic回归(LogisticRegression,LR)
摘要:它名字叫回归,但其实是用来二分类的 1.logistic函数 logistic函数 = sigmoid曲线(S型曲线) 标准logistic函数:𝜎(x)=11+ex 𝜎′(𝑥)=𝜎(𝑥)(1−𝜎(𝑥)). 2.交叉熵损失函数(Cross Entr 阅读全文

posted @ 2020-03-16 19:48 HolaWorld 阅读(672) 评论(0) 推荐(0) 编辑

Kaggle
摘要:```python import numpy as np import pandas as pd from sklearn.ensemble import RandomForestClassifier train_data = pd.read_csv('/kaggle/input/titanic/train.csv') train_data.head() # 训练集 test_data = pd. 阅读全文

posted @ 2020-03-16 01:52 HolaWorld 阅读(492) 评论(0) 推荐(0) 编辑

sklearn
摘要:分类任务、回归任务、聚类任务、降维任务、模型选择、数据预处理 阅读全文

posted @ 2020-03-16 01:05 HolaWorld 阅读(116) 评论(0) 推荐(0) 编辑

Matplotlib
摘要:%matplotlib inline from matplotlib import pyplot as plt plt.plot([2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16], 折线图 [1, 2, 3, 2, 1, 2, 3, 4, 5, 阅读全文

posted @ 2020-03-14 22:06 HolaWorld 阅读(111) 评论(0) 推荐(0) 编辑

Pandas
摘要:%matplotlib inline import pandas as pd s = pd.Series({'a': 10, 'b': 20, 'c': 30}) df = pd.DataFrame({'one': pd.Series([1, 2, 3]), 'two': pd.Series([4, 阅读全文

posted @ 2020-03-14 21:47 HolaWorld 阅读(141) 评论(0) 推荐(0) 编辑

NumPy
摘要:import numpy as np NumPy 数组又被称之为 ndarray 多维数组 a.dtype:数据类型 a.ndim:数组维度 a.shape:数组形状 a.size:元素个数 a.itemsize:一个元素的字节数 a.nbytes:所有元素的总字节数 b = a.astype(in 阅读全文

posted @ 2020-03-14 19:57 HolaWorld 阅读(332) 评论(0) 推荐(0) 编辑

导航

点击右上角即可分享
微信分享提示