123456789101112131415161718192021222324252627282930313233343536373839404142434445464748495051525354555657585960616263646566676869707172737475767778798081828384858687888990919293949596979899100101102103104105106107108109110111112113114115116117118119120121122123124125126127128129130131132133134135136137138139140141142143144145146147148149150151152153154155156157158159160161162163164165166167168169170171172173174175176177178179180181182183184185186187188189190191192193194195196197198199200201202203204205206207208209210211212213214215216217218219220221222223224225226227228229230231232233234235236237238239240241242243244245246247248249250251252253254255256257258259260261262263264265266267268269270271272273274275276277278279280281282283284285286287288289290291292293294295296297298299300301302303304305306307308309310311312313314315316317318319320321322323324325326327328329330331332333334335336337338339340341342343344345346347348349350351352353354355356357358359360361362363364365366367368369370371372373374375376377378379380381382383384385386387388389390391392393394395396397398399400401402403404405406407408409410411412413414415416417418419420421422423424425426427428429430431432433434435436437438439440441442443444445446447448449450451452453454455456457458459460461462463464465466467468469470471472473474475476477478479480481482483484485486487488489490491492493494495496497498499500501502503504505506507508509510511512513514515516517518519520521522523524525526527528529530531532533534535536537538539540541542543544545546547548549550551552553554555556557558559560561562563564565566567568569570571572573574575576577578579580581582583584585586587588589590591592593594595596597598599600601602603604605606607608609610611612613614615616617618619620621622623624625626627628629630631632633634635636637638639640641642643644645646647648649650651652653654655656657658659660661662663664665666667668669670671672673674675676677678679680681682683684685686687688689690691692693694695696697698699700701702703704705706707708709710711712713714715716717718719720721722723724725726727728729730731732733734735736737738739740741742743744745746747748749750751752753754755756757758759760761762763764765766767768769770771772773774775776777778779780781782783784785786787788789790791792793794795796797798799800801802803804805806807808809810811812813814815816817818819820821822823824825826827828829830831832833834835836837838839840841842843844845846847848849850851852853854855856857858859860861862863864865866867868869870871872873874875876877878879880881882883884885886887888889890891892893894895896897898899900901902903904905906907908909910911912913914915916917918919920921922923924925926927928929930931932933934935936937938939940941942943944945946947948949950951952953954955956957958959960961962963964965966967968969970971972973974975976977978979980981982983984985986987988989990991992993994995996997998999100010011002100310041005100610071008100910101011101210131014101510161017101810191020102110221023102410251026102710281029103010311032103310341035103610371038103910401041104210431044104510461047104810491050105110521053105410551056 |
- # Copyright 2018-2021 The Matrix.org Foundation C.I.C.
- #
- # Licensed under the Apache License, Version 2.0 (the "License");
- # you may not use this file except in compliance with the License.
- # You may obtain a copy of the License at
- #
- # http://www.apache.org/licenses/LICENSE-2.0
- #
- # Unless required by applicable law or agreed to in writing, software
- # distributed under the License is distributed on an "AS IS" BASIS,
- # WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
- # See the License for the specific language governing permissions and
- # limitations under the License.
- import hashlib
- import json
- import logging
- import os
- import os.path
- import sqlite3
- import time
- import uuid
- import warnings
- from collections import deque
- from io import SEEK_END, BytesIO
- from typing import (
- Any,
- Awaitable,
- Callable,
- Dict,
- Iterable,
- List,
- MutableMapping,
- Optional,
- Sequence,
- Tuple,
- Type,
- TypeVar,
- Union,
- cast,
- )
- from unittest.mock import Mock
- import attr
- from typing_extensions import Deque, ParamSpec
- from zope.interface import implementer
- from twisted.internet import address, threads, udp
- from twisted.internet._resolver import SimpleResolverComplexifier
- from twisted.internet.defer import Deferred, fail, maybeDeferred, succeed
- from twisted.internet.error import DNSLookupError
- from twisted.internet.interfaces import (
- IAddress,
- IConnector,
- IConsumer,
- IHostnameResolver,
- IProducer,
- IProtocol,
- IPullProducer,
- IPushProducer,
- IReactorPluggableNameResolver,
- IReactorTime,
- IResolverSimple,
- ITransport,
- )
- from twisted.internet.protocol import ClientFactory, DatagramProtocol
- from twisted.python import threadpool
- from twisted.python.failure import Failure
- from twisted.test.proto_helpers import AccumulatingProtocol, MemoryReactorClock
- from twisted.web.http_headers import Headers
- from twisted.web.resource import IResource
- from twisted.web.server import Request, Site
- from synapse.config.database import DatabaseConnectionConfig
- from synapse.config.homeserver import HomeServerConfig
- from synapse.events.presence_router import load_legacy_presence_router
- from synapse.events.third_party_rules import load_legacy_third_party_event_rules
- from synapse.handlers.auth import load_legacy_password_auth_providers
- from synapse.http.site import SynapseRequest
- from synapse.logging.context import ContextResourceUsage
- from synapse.module_api.callbacks.spamchecker_callbacks import load_legacy_spam_checkers
- from synapse.server import HomeServer
- from synapse.storage import DataStore
- from synapse.storage.database import LoggingDatabaseConnection
- from synapse.storage.engines import PostgresEngine, create_engine
- from synapse.storage.prepare_database import prepare_database
- from synapse.types import ISynapseReactor, JsonDict
- from synapse.util import Clock
- from tests.utils import (
- LEAVE_DB,
- POSTGRES_BASE_DB,
- POSTGRES_HOST,
- POSTGRES_PASSWORD,
- POSTGRES_PORT,
- POSTGRES_USER,
- SQLITE_PERSIST_DB,
- USE_POSTGRES_FOR_TESTS,
- MockClock,
- default_config,
- )
- logger = logging.getLogger(__name__)
- R = TypeVar("R")
- P = ParamSpec("P")
- # the type of thing that can be passed into `make_request` in the headers list
- CustomHeaderType = Tuple[Union[str, bytes], Union[str, bytes]]
- # A pre-prepared SQLite DB that is used as a template when creating new SQLite
- # DB each test run. This dramatically speeds up test set up when using SQLite.
- PREPPED_SQLITE_DB_CONN: Optional[LoggingDatabaseConnection] = None
- class TimedOutException(Exception):
- """
- A web query timed out.
- """
- @implementer(ITransport, IPushProducer, IConsumer)
- @attr.s(auto_attribs=True)
- class FakeChannel:
- """
- A fake Twisted Web Channel (the part that interfaces with the
- wire).
- See twisted.web.http.HTTPChannel.
- """
- site: Union[Site, "FakeSite"]
- _reactor: MemoryReactorClock
- result: dict = attr.Factory(dict)
- _ip: str = "127.0.0.1"
- _producer: Optional[Union[IPullProducer, IPushProducer]] = None
- resource_usage: Optional[ContextResourceUsage] = None
- _request: Optional[Request] = None
- @property
- def request(self) -> Request:
- assert self._request is not None
- return self._request
- @request.setter
- def request(self, request: Request) -> None:
- assert self._request is None
- self._request = request
- @property
- def json_body(self) -> JsonDict:
- body = json.loads(self.text_body)
- assert isinstance(body, dict)
- return body
- @property
- def json_list(self) -> List[JsonDict]:
- body = json.loads(self.text_body)
- assert isinstance(body, list)
- return body
- @property
- def text_body(self) -> str:
- """The body of the result, utf-8-decoded.
- Raises an exception if the request has not yet completed.
- """
- if not self.is_finished():
- raise Exception("Request not yet completed")
- return self.result["body"].decode("utf8")
- def is_finished(self) -> bool:
- """check if the response has been completely received"""
- return self.result.get("done", False)
- @property
- def code(self) -> int:
- if not self.result:
- raise Exception("No result yet.")
- return int(self.result["code"])
- @property
- def headers(self) -> Headers:
- if not self.result:
- raise Exception("No result yet.")
- h = Headers()
- for i in self.result["headers"]:
- h.addRawHeader(*i)
- return h
- def writeHeaders(
- self, version: bytes, code: bytes, reason: bytes, headers: Headers
- ) -> None:
- self.result["version"] = version
- self.result["code"] = code
- self.result["reason"] = reason
- self.result["headers"] = headers
- def write(self, data: bytes) -> None:
- assert isinstance(data, bytes), "Should be bytes! " + repr(data)
- if "body" not in self.result:
- self.result["body"] = b""
- self.result["body"] += data
- def writeSequence(self, data: Iterable[bytes]) -> None:
- for x in data:
- self.write(x)
- def loseConnection(self) -> None:
- self.unregisterProducer()
- self.transport.loseConnection()
- # Type ignore: mypy doesn't like the fact that producer isn't an IProducer.
- def registerProducer(self, producer: IProducer, streaming: bool) -> None:
- # TODO This should ensure that the IProducer is an IPushProducer or
- # IPullProducer, unfortunately twisted.protocols.basic.FileSender does
- # implement those, but doesn't declare it.
- self._producer = cast(Union[IPushProducer, IPullProducer], producer)
- self.producerStreaming = streaming
- def _produce() -> None:
- if self._producer:
- self._producer.resumeProducing()
- self._reactor.callLater(0.1, _produce)
- if not streaming:
- self._reactor.callLater(0.0, _produce)
- def unregisterProducer(self) -> None:
- if self._producer is None:
- return
- self._producer = None
- def stopProducing(self) -> None:
- if self._producer is not None:
- self._producer.stopProducing()
- def pauseProducing(self) -> None:
- raise NotImplementedError()
- def resumeProducing(self) -> None:
- raise NotImplementedError()
- def requestDone(self, _self: Request) -> None:
- self.result["done"] = True
- if isinstance(_self, SynapseRequest):
- assert _self.logcontext is not None
- self.resource_usage = _self.logcontext.get_resource_usage()
- def getPeer(self) -> IAddress:
- # We give an address so that getClientAddress/getClientIP returns a non null entry,
- # causing us to record the MAU
- return address.IPv4Address("TCP", self._ip, 3423)
- def getHost(self) -> IAddress:
- # this is called by Request.__init__ to configure Request.host.
- return address.IPv4Address("TCP", "127.0.0.1", 8888)
- def isSecure(self) -> bool:
- return False
- @property
- def transport(self) -> "FakeChannel":
- return self
- def await_result(self, timeout_ms: int = 1000) -> None:
- """
- Wait until the request is finished.
- """
- end_time = self._reactor.seconds() + timeout_ms / 1000.0
- self._reactor.run()
- while not self.is_finished():
- # If there's a producer, tell it to resume producing so we get content
- if self._producer:
- self._producer.resumeProducing()
- if self._reactor.seconds() > end_time:
- raise TimedOutException("Timed out waiting for request to finish.")
- self._reactor.advance(0.1)
- def extract_cookies(self, cookies: MutableMapping[str, str]) -> None:
- """Process the contents of any Set-Cookie headers in the response
- Any cookines found are added to the given dict
- """
- headers = self.headers.getRawHeaders("Set-Cookie")
- if not headers:
- return
- for h in headers:
- parts = h.split(";")
- k, v = parts[0].split("=", maxsplit=1)
- cookies[k] = v
- class FakeSite:
- """
- A fake Twisted Web Site, with mocks of the extra things that
- Synapse adds.
- """
- server_version_string = b"1"
- site_tag = "test"
- access_logger = logging.getLogger("synapse.access.http.fake")
- def __init__(
- self,
- resource: IResource,
- reactor: IReactorTime,
- experimental_cors_msc3886: bool = False,
- ):
- """
- Args:
- resource: the resource to be used for rendering all requests
- """
- self._resource = resource
- self.reactor = reactor
- self.experimental_cors_msc3886 = experimental_cors_msc3886
- def getResourceFor(self, request: Request) -> IResource:
- return self._resource
- def make_request(
- reactor: MemoryReactorClock,
- site: Union[Site, FakeSite],
- method: Union[bytes, str],
- path: Union[bytes, str],
- content: Union[bytes, str, JsonDict] = b"",
- access_token: Optional[str] = None,
- request: Type[Request] = SynapseRequest,
- shorthand: bool = True,
- federation_auth_origin: Optional[bytes] = None,
- content_is_form: bool = False,
- await_result: bool = True,
- custom_headers: Optional[Iterable[CustomHeaderType]] = None,
- client_ip: str = "127.0.0.1",
- ) -> FakeChannel:
- """
- Make a web request using the given method, path and content, and render it
- Returns the fake Channel object which records the response to the request.
- Args:
- reactor:
- site: The twisted Site to use to render the request
- method: The HTTP request method ("verb").
- path: The HTTP path, suitably URL encoded (e.g. escaped UTF-8 & spaces and such).
- content: The body of the request. JSON-encoded, if a str of bytes.
- access_token: The access token to add as authorization for the request.
- request: The request class to create.
- shorthand: Whether to try and be helpful and prefix the given URL
- with the usual REST API path, if it doesn't contain it.
- federation_auth_origin: if set to not-None, we will add a fake
- Authorization header pretenting to be the given server name.
- content_is_form: Whether the content is URL encoded form data. Adds the
- 'Content-Type': 'application/x-www-form-urlencoded' header.
- await_result: whether to wait for the request to complete rendering. If true,
- will pump the reactor until the the renderer tells the channel the request
- is finished.
- custom_headers: (name, value) pairs to add as request headers
- client_ip: The IP to use as the requesting IP. Useful for testing
- ratelimiting.
- Returns:
- channel
- """
- if not isinstance(method, bytes):
- method = method.encode("ascii")
- if not isinstance(path, bytes):
- path = path.encode("ascii")
- # Decorate it to be the full path, if we're using shorthand
- if (
- shorthand
- and not path.startswith(b"/_matrix")
- and not path.startswith(b"/_synapse")
- ):
- if path.startswith(b"/"):
- path = path[1:]
- path = b"/_matrix/client/r0/" + path
- if not path.startswith(b"/"):
- path = b"/" + path
- if isinstance(content, dict):
- content = json.dumps(content).encode("utf8")
- if isinstance(content, str):
- content = content.encode("utf8")
- channel = FakeChannel(site, reactor, ip=client_ip)
- req = request(channel, site)
- channel.request = req
- req.content = BytesIO(content)
- # Twisted expects to be at the end of the content when parsing the request.
- req.content.seek(0, SEEK_END)
- # Old version of Twisted (<20.3.0) have issues with parsing x-www-form-urlencoded
- # bodies if the Content-Length header is missing
- req.requestHeaders.addRawHeader(
- b"Content-Length", str(len(content)).encode("ascii")
- )
- if access_token:
- req.requestHeaders.addRawHeader(
- b"Authorization", b"Bearer " + access_token.encode("ascii")
- )
- if federation_auth_origin is not None:
- req.requestHeaders.addRawHeader(
- b"Authorization",
- b"X-Matrix origin=%s,key=,sig=" % (federation_auth_origin,),
- )
- if content:
- if content_is_form:
- req.requestHeaders.addRawHeader(
- b"Content-Type", b"application/x-www-form-urlencoded"
- )
- else:
- # Assume the body is JSON
- req.requestHeaders.addRawHeader(b"Content-Type", b"application/json")
- if custom_headers:
- for k, v in custom_headers:
- req.requestHeaders.addRawHeader(k, v)
- req.parseCookies()
- req.requestReceived(method, path, b"1.1")
- if await_result:
- channel.await_result()
- return channel
- # ISynapseReactor implies IReactorPluggableNameResolver, but explicitly
- # marking this as an implementer of the latter seems to keep mypy-zope happier.
- @implementer(IReactorPluggableNameResolver, ISynapseReactor)
- class ThreadedMemoryReactorClock(MemoryReactorClock):
- """
- A MemoryReactorClock that supports callFromThread.
- """
- def __init__(self) -> None:
- self.threadpool = ThreadPool(self)
- self._tcp_callbacks: Dict[Tuple[str, int], Callable] = {}
- self._udp: List[udp.Port] = []
- self.lookups: Dict[str, str] = {}
- self._thread_callbacks: Deque[Callable[..., R]] = deque()
- lookups = self.lookups
- @implementer(IResolverSimple)
- class FakeResolver:
- def getHostByName(
- self, name: str, timeout: Optional[Sequence[int]] = None
- ) -> "Deferred[str]":
- if name not in lookups:
- return fail(DNSLookupError("OH NO: unknown %s" % (name,)))
- return succeed(lookups[name])
- self.nameResolver = SimpleResolverComplexifier(FakeResolver())
- super().__init__()
- def installNameResolver(self, resolver: IHostnameResolver) -> IHostnameResolver:
- raise NotImplementedError()
- def listenUDP(
- self,
- port: int,
- protocol: DatagramProtocol,
- interface: str = "",
- maxPacketSize: int = 8196,
- ) -> udp.Port:
- p = udp.Port(port, protocol, interface, maxPacketSize, self)
- p.startListening()
- self._udp.append(p)
- return p
- def callFromThread(
- self, callable: Callable[..., Any], *args: object, **kwargs: object
- ) -> None:
- """
- Make the callback fire in the next reactor iteration.
- """
- cb = lambda: callable(*args, **kwargs)
- # it's not safe to call callLater() here, so we append the callback to a
- # separate queue.
- self._thread_callbacks.append(cb)
- def callInThread(
- self, callable: Callable[..., Any], *args: object, **kwargs: object
- ) -> None:
- raise NotImplementedError()
- def suggestThreadPoolSize(self, size: int) -> None:
- raise NotImplementedError()
- def getThreadPool(self) -> "threadpool.ThreadPool":
- # Cast to match super-class.
- return cast(threadpool.ThreadPool, self.threadpool)
- def add_tcp_client_callback(
- self, host: str, port: int, callback: Callable[[], None]
- ) -> None:
- """Add a callback that will be invoked when we receive a connection
- attempt to the given IP/port using `connectTCP`.
- Note that the callback gets run before we return the connection to the
- client, which means callbacks cannot block while waiting for writes.
- """
- self._tcp_callbacks[(host, port)] = callback
- def connectTCP(
- self,
- host: str,
- port: int,
- factory: ClientFactory,
- timeout: float = 30,
- bindAddress: Optional[Tuple[str, int]] = None,
- ) -> IConnector:
- """Fake L{IReactorTCP.connectTCP}."""
- conn = super().connectTCP(
- host, port, factory, timeout=timeout, bindAddress=None
- )
- callback = self._tcp_callbacks.get((host, port))
- if callback:
- callback()
- return conn
- def advance(self, amount: float) -> None:
- # first advance our reactor's time, and run any "callLater" callbacks that
- # makes ready
- super().advance(amount)
- # now run any "callFromThread" callbacks
- while True:
- try:
- callback = self._thread_callbacks.popleft()
- except IndexError:
- break
- callback()
- # check for more "callLater" callbacks added by the thread callback
- # This isn't required in a regular reactor, but it ends up meaning that
- # our database queries can complete in a single call to `advance` [1] which
- # simplifies tests.
- #
- # [1]: we replace the threadpool backing the db connection pool with a
- # mock ThreadPool which doesn't really use threads; but we still use
- # reactor.callFromThread to feed results back from the db functions to the
- # main thread.
- super().advance(0)
- class ThreadPool:
- """
- Threadless thread pool.
- See twisted.python.threadpool.ThreadPool
- """
- def __init__(self, reactor: IReactorTime):
- self._reactor = reactor
- def start(self) -> None:
- pass
- def stop(self) -> None:
- pass
- def callInThreadWithCallback(
- self,
- onResult: Callable[[bool, Union[Failure, R]], None],
- function: Callable[P, R],
- *args: P.args,
- **kwargs: P.kwargs,
- ) -> "Deferred[None]":
- def _(res: Any) -> None:
- if isinstance(res, Failure):
- onResult(False, res)
- else:
- onResult(True, res)
- d: "Deferred[None]" = Deferred()
- d.addCallback(lambda x: function(*args, **kwargs))
- d.addBoth(_)
- self._reactor.callLater(0, d.callback, True)
- return d
- def _make_test_homeserver_synchronous(server: HomeServer) -> None:
- """
- Make the given test homeserver's database interactions synchronous.
- """
- clock = server.get_clock()
- for database in server.get_datastores().databases:
- pool = database._db_pool
- def runWithConnection(
- func: Callable[..., R], *args: Any, **kwargs: Any
- ) -> Awaitable[R]:
- return threads.deferToThreadPool(
- pool._reactor,
- pool.threadpool,
- pool._runWithConnection,
- func,
- *args,
- **kwargs,
- )
- def runInteraction(
- desc: str, func: Callable[..., R], *args: Any, **kwargs: Any
- ) -> Awaitable[R]:
- return threads.deferToThreadPool(
- pool._reactor,
- pool.threadpool,
- pool._runInteraction,
- desc,
- func,
- *args,
- **kwargs,
- )
- pool.runWithConnection = runWithConnection # type: ignore[assignment]
- pool.runInteraction = runInteraction # type: ignore[assignment]
- # Replace the thread pool with a threadless 'thread' pool
- pool.threadpool = ThreadPool(clock._reactor) # type: ignore[assignment]
- pool.running = True
- # We've just changed the Databases to run DB transactions on the same
- # thread, so we need to disable the dedicated thread behaviour.
- server.get_datastores().main.USE_DEDICATED_DB_THREADS_FOR_EVENT_FETCHING = False
- def get_clock() -> Tuple[ThreadedMemoryReactorClock, Clock]:
- clock = ThreadedMemoryReactorClock()
- hs_clock = Clock(clock)
- return clock, hs_clock
- @implementer(ITransport)
- @attr.s(cmp=False, auto_attribs=True)
- class FakeTransport:
- """
- A twisted.internet.interfaces.ITransport implementation which sends all its data
- straight into an IProtocol object: it exists to connect two IProtocols together.
- To use it, instantiate it with the receiving IProtocol, and then pass it to the
- sending IProtocol's makeConnection method:
- server = HTTPChannel()
- client.makeConnection(FakeTransport(server, self.reactor))
- If you want bidirectional communication, you'll need two instances.
- """
- other: IProtocol
- """The Protocol object which will receive any data written to this transport.
- """
- _reactor: IReactorTime
- """Test reactor
- """
- _protocol: Optional[IProtocol] = None
- """The Protocol which is producing data for this transport. Optional, but if set
- will get called back for connectionLost() notifications etc.
- """
- _peer_address: IAddress = attr.Factory(
- lambda: address.IPv4Address("TCP", "127.0.0.1", 5678)
- )
- """The value to be returned by getPeer"""
- _host_address: IAddress = attr.Factory(
- lambda: address.IPv4Address("TCP", "127.0.0.1", 1234)
- )
- """The value to be returned by getHost"""
- disconnecting = False
- disconnected = False
- connected = True
- buffer: bytes = b""
- producer: Optional[IPushProducer] = None
- autoflush: bool = True
- def getPeer(self) -> IAddress:
- return self._peer_address
- def getHost(self) -> IAddress:
- return self._host_address
- def loseConnection(self) -> None:
- if not self.disconnecting:
- logger.info("FakeTransport: loseConnection()")
- self.disconnecting = True
- if self._protocol:
- self._protocol.connectionLost(
- Failure(RuntimeError("FakeTransport.loseConnection()"))
- )
- # if we still have data to write, delay until that is done
- if self.buffer:
- logger.info(
- "FakeTransport: Delaying disconnect until buffer is flushed"
- )
- else:
- self.connected = False
- self.disconnected = True
- def abortConnection(self) -> None:
- logger.info("FakeTransport: abortConnection()")
- if not self.disconnecting:
- self.disconnecting = True
- if self._protocol:
- self._protocol.connectionLost(None) # type: ignore[arg-type]
- self.disconnected = True
- def pauseProducing(self) -> None:
- if not self.producer:
- return
- self.producer.pauseProducing()
- def resumeProducing(self) -> None:
- if not self.producer:
- return
- self.producer.resumeProducing()
- def unregisterProducer(self) -> None:
- if not self.producer:
- return
- self.producer = None
- def registerProducer(self, producer: IPushProducer, streaming: bool) -> None:
- self.producer = producer
- self.producerStreaming = streaming
- def _produce() -> None:
- if not self.producer:
- # we've been unregistered
- return
- # some implementations of IProducer (for example, FileSender)
- # don't return a deferred.
- d = maybeDeferred(self.producer.resumeProducing)
- d.addCallback(lambda x: self._reactor.callLater(0.1, _produce))
- if not streaming:
- self._reactor.callLater(0.0, _produce)
- def write(self, byt: bytes) -> None:
- if self.disconnecting:
- raise Exception("Writing to disconnecting FakeTransport")
- self.buffer = self.buffer + byt
- # always actually do the write asynchronously. Some protocols (notably the
- # TLSMemoryBIOProtocol) get very confused if a read comes back while they are
- # still doing a write. Doing a callLater here breaks the cycle.
- if self.autoflush:
- self._reactor.callLater(0.0, self.flush)
- def writeSequence(self, seq: Iterable[bytes]) -> None:
- for x in seq:
- self.write(x)
- def flush(self, maxbytes: Optional[int] = None) -> None:
- if not self.buffer:
- # nothing to do. Don't write empty buffers: it upsets the
- # TLSMemoryBIOProtocol
- return
- if self.disconnected:
- return
- if maxbytes is not None:
- to_write = self.buffer[:maxbytes]
- else:
- to_write = self.buffer
- logger.info("%s->%s: %s", self._protocol, self.other, to_write)
- try:
- self.other.dataReceived(to_write)
- except Exception as e:
- logger.exception("Exception writing to protocol: %s", e)
- return
- self.buffer = self.buffer[len(to_write) :]
- if self.buffer and self.autoflush:
- self._reactor.callLater(0.0, self.flush)
- if not self.buffer and self.disconnecting:
- logger.info("FakeTransport: Buffer now empty, completing disconnect")
- self.disconnected = True
- def connect_client(
- reactor: ThreadedMemoryReactorClock, client_id: int
- ) -> Tuple[IProtocol, AccumulatingProtocol]:
- """
- Connect a client to a fake TCP transport.
- Args:
- reactor
- factory: The connecting factory to build.
- """
- factory = reactor.tcpClients.pop(client_id)[2]
- client = factory.buildProtocol(None)
- server = AccumulatingProtocol()
- server.makeConnection(FakeTransport(client, reactor))
- client.makeConnection(FakeTransport(server, reactor))
- return client, server
- class TestHomeServer(HomeServer):
- DATASTORE_CLASS = DataStore # type: ignore[assignment]
- def setup_test_homeserver(
- cleanup_func: Callable[[Callable[[], None]], None],
- name: str = "test",
- config: Optional[HomeServerConfig] = None,
- reactor: Optional[ISynapseReactor] = None,
- homeserver_to_use: Type[HomeServer] = TestHomeServer,
- **kwargs: Any,
- ) -> HomeServer:
- """
- Setup a homeserver suitable for running tests against. Keyword arguments
- are passed to the Homeserver constructor.
- If no datastore is supplied, one is created and given to the homeserver.
- Args:
- cleanup_func : The function used to register a cleanup routine for
- after the test.
- Calling this method directly is deprecated: you should instead derive from
- HomeserverTestCase.
- """
- if reactor is None:
- from twisted.internet import reactor as _reactor
- reactor = cast(ISynapseReactor, _reactor)
- if config is None:
- config = default_config(name, parse=True)
- config.caches.resize_all_caches()
- if "clock" not in kwargs:
- kwargs["clock"] = MockClock()
- if USE_POSTGRES_FOR_TESTS:
- test_db = "synapse_test_%s" % uuid.uuid4().hex
- database_config = {
- "name": "psycopg2",
- "args": {
- "database": test_db,
- "host": POSTGRES_HOST,
- "password": POSTGRES_PASSWORD,
- "user": POSTGRES_USER,
- "port": POSTGRES_PORT,
- "cp_min": 1,
- "cp_max": 5,
- },
- }
- else:
- if SQLITE_PERSIST_DB:
- # The current working directory is in _trial_temp, so this gets created within that directory.
- test_db_location = os.path.abspath("test.db")
- logger.debug("Will persist db to %s", test_db_location)
- # Ensure each test gets a clean database.
- try:
- os.remove(test_db_location)
- except FileNotFoundError:
- pass
- else:
- logger.debug("Removed existing DB at %s", test_db_location)
- else:
- test_db_location = ":memory:"
- database_config = {
- "name": "sqlite3",
- "args": {"database": test_db_location, "cp_min": 1, "cp_max": 1},
- }
- # Check if we have set up a DB that we can use as a template.
- global PREPPED_SQLITE_DB_CONN
- if PREPPED_SQLITE_DB_CONN is None:
- temp_engine = create_engine(database_config)
- PREPPED_SQLITE_DB_CONN = LoggingDatabaseConnection(
- sqlite3.connect(":memory:"), temp_engine, "PREPPED_CONN"
- )
- database = DatabaseConnectionConfig("master", database_config)
- config.database.databases = [database]
- prepare_database(
- PREPPED_SQLITE_DB_CONN, create_engine(database_config), config
- )
- database_config["_TEST_PREPPED_CONN"] = PREPPED_SQLITE_DB_CONN
- if "db_txn_limit" in kwargs:
- database_config["txn_limit"] = kwargs["db_txn_limit"]
- database = DatabaseConnectionConfig("master", database_config)
- config.database.databases = [database]
- db_engine = create_engine(database.config)
- # Create the database before we actually try and connect to it, based off
- # the template database we generate in setupdb()
- if isinstance(db_engine, PostgresEngine):
- import psycopg2.extensions
- db_conn = db_engine.module.connect(
- database=POSTGRES_BASE_DB,
- user=POSTGRES_USER,
- host=POSTGRES_HOST,
- port=POSTGRES_PORT,
- password=POSTGRES_PASSWORD,
- )
- assert isinstance(db_conn, psycopg2.extensions.connection)
- db_conn.autocommit = True
- cur = db_conn.cursor()
- cur.execute("DROP DATABASE IF EXISTS %s;" % (test_db,))
- cur.execute(
- "CREATE DATABASE %s WITH TEMPLATE %s;" % (test_db, POSTGRES_BASE_DB)
- )
- cur.close()
- db_conn.close()
- hs = homeserver_to_use(
- name,
- config=config,
- version_string="Synapse/tests",
- reactor=reactor,
- )
- # Install @cache_in_self attributes
- for key, val in kwargs.items():
- setattr(hs, "_" + key, val)
- # Mock TLS
- hs.tls_server_context_factory = Mock()
- hs.setup()
- if homeserver_to_use == TestHomeServer:
- hs.setup_background_tasks()
- if isinstance(db_engine, PostgresEngine):
- database_pool = hs.get_datastores().databases[0]
- # We need to do cleanup on PostgreSQL
- def cleanup() -> None:
- import psycopg2
- import psycopg2.extensions
- # Close all the db pools
- database_pool._db_pool.close()
- dropped = False
- # Drop the test database
- db_conn = db_engine.module.connect(
- database=POSTGRES_BASE_DB,
- user=POSTGRES_USER,
- host=POSTGRES_HOST,
- port=POSTGRES_PORT,
- password=POSTGRES_PASSWORD,
- )
- assert isinstance(db_conn, psycopg2.extensions.connection)
- db_conn.autocommit = True
- cur = db_conn.cursor()
- # Try a few times to drop the DB. Some things may hold on to the
- # database for a few more seconds due to flakiness, preventing
- # us from dropping it when the test is over. If we can't drop
- # it, warn and move on.
- for _ in range(5):
- try:
- cur.execute("DROP DATABASE IF EXISTS %s;" % (test_db,))
- db_conn.commit()
- dropped = True
- except psycopg2.OperationalError as e:
- warnings.warn(
- "Couldn't drop old db: " + str(e),
- category=UserWarning,
- stacklevel=2,
- )
- time.sleep(0.5)
- cur.close()
- db_conn.close()
- if not dropped:
- warnings.warn(
- "Failed to drop old DB.",
- category=UserWarning,
- stacklevel=2,
- )
- if not LEAVE_DB:
- # Register the cleanup hook
- cleanup_func(cleanup)
- # bcrypt is far too slow to be doing in unit tests
- # Need to let the HS build an auth handler and then mess with it
- # because AuthHandler's constructor requires the HS, so we can't make one
- # beforehand and pass it in to the HS's constructor (chicken / egg)
- async def hash(p: str) -> str:
- return hashlib.md5(p.encode("utf8")).hexdigest()
- hs.get_auth_handler().hash = hash # type: ignore[assignment]
- async def validate_hash(p: str, h: str) -> bool:
- return hashlib.md5(p.encode("utf8")).hexdigest() == h
- hs.get_auth_handler().validate_hash = validate_hash # type: ignore[assignment]
- # Make the threadpool and database transactions synchronous for testing.
- _make_test_homeserver_synchronous(hs)
- # Load any configured modules into the homeserver
- module_api = hs.get_module_api()
- for module, module_config in hs.config.modules.loaded_modules:
- module(config=module_config, api=module_api)
- load_legacy_spam_checkers(hs)
- load_legacy_third_party_event_rules(hs)
- load_legacy_presence_router(hs)
- load_legacy_password_auth_providers(hs)
- return hs
|